diff --git a/.gitattributes b/.gitattributes index a6344aac8c09253b3b630fb776ae94478aa0275b..d55d223fd2298a488aa380ba0c3a1ac5c5c4b42a 100644 --- a/.gitattributes +++ b/.gitattributes @@ -33,3 +33,7 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text *.zip filter=lfs diff=lfs merge=lfs -text *.zst filter=lfs diff=lfs merge=lfs -text *tfevents* filter=lfs diff=lfs merge=lfs -text +CAM-Result/gradcam_result.png filter=lfs diff=lfs merge=lfs -text +Test-Images/0d930f0a-46f813a9-db3b137b-05142eef-eca3c5a7.jpg filter=lfs diff=lfs merge=lfs -text +Test-Images/6ff741e9-6ea01eef-1bf10153-d1b6beba-590b6620.jpg filter=lfs diff=lfs merge=lfs -text +Test-Images/93681764-ec39480e-0518b12c-199850c2-f15118ab.jpg filter=lfs diff=lfs merge=lfs -text diff --git a/AURA-CXR-Logo.png b/AURA-CXR-Logo.png new file mode 100644 index 0000000000000000000000000000000000000000..181beab359cf0975978ad3846e2b472f85333a6f Binary files /dev/null and b/AURA-CXR-Logo.png differ diff --git a/CAM-Result/gradcam_result.png b/CAM-Result/gradcam_result.png new file mode 100644 index 0000000000000000000000000000000000000000..1a1389e034a4ec88ddb908382b4a012a1af298db --- /dev/null +++ b/CAM-Result/gradcam_result.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1b81c27fb575d2fbac2f18afd20b0e4e1ca81b08e4c1d4797ee6392c88fef48 +size 211866 diff --git a/Chest_Xray_Report_Generator-Web-V2.py b/Chest_Xray_Report_Generator-Web-V2.py new file mode 100644 index 0000000000000000000000000000000000000000..b70d301852f0690e9792860982bbaf0fba6c9895 --- /dev/null +++ b/Chest_Xray_Report_Generator-Web-V2.py @@ -0,0 +1,537 @@ +import os +import transformers +from transformers import pipeline + +### Gradio +import gradio as gr +from gradio.themes.base import Base +from gradio.themes.utils import colors, fonts, sizes +from typing import Union, Iterable +import time +##### + + +import cv2 +import numpy as np +import pydicom +import re + +##### Libraries For Grad-Cam-View +import os +import cv2 +import numpy as np +import torch +from functools import partial +from torchvision import transforms +from pytorch_grad_cam import GradCAM, ScoreCAM, GradCAMPlusPlus, AblationCAM, XGradCAM, EigenCAM, EigenGradCAM, LayerCAM, FullGrad +from pytorch_grad_cam.utils.image import show_cam_on_image, preprocess_image +from pytorch_grad_cam.ablation_layer import AblationLayerVit +from transformers import VisionEncoderDecoderModel + + +from transformers import AutoTokenizer +import transformers +import torch + +from openai import OpenAI +client = OpenAI() + +import spaces # Import the spaces module for ZeroGPU + + +@spaces.GPU +def generate_gradcam(image_path, model_path, output_path, method='gradcam', use_cuda=True, aug_smooth=False, eigen_smooth=False): + methods = { + "gradcam": GradCAM, + "scorecam": ScoreCAM, + "gradcam++": GradCAMPlusPlus, + "ablationcam": AblationCAM, + "xgradcam": XGradCAM, + "eigencam": EigenCAM, + "eigengradcam": EigenGradCAM, + "layercam": LayerCAM, + "fullgrad": FullGrad + } + + if method not in methods: + raise ValueError(f"Method should be one of {list(methods.keys())}") + + model = VisionEncoderDecoderModel.from_pretrained(model_path) + model.encoder.eval() + + if use_cuda and torch.cuda.is_available(): + model.encoder = model.encoder.cuda() + else: + use_cuda = False + + #target_layers = [model.blocks[-1].norm1] ## For ViT model + #target_layers = model.blocks[-1].norm1 ## For EfficientNet-B7 model + #target_layers = [model.encoder.encoder.layer[-1].layernorm_before] ## For ViT-based VisionEncoderDecoder model + target_layers = [model.encoder.encoder.layers[-1].blocks[-0].layernorm_after, model.encoder.encoder.layers[-1].blocks[-1].layernorm_after] ## [model.encoder.encoder.layers[-1].blocks[-1].layernorm_before, model.encoder.encoder.layers[-1].blocks[0].layernorm_before] For Swin-based VisionEncoderDecoder model + + + if method == "ablationcam": + cam = methods[method](model=model.encoder, + target_layers=target_layers, + use_cuda=use_cuda, + reshape_transform=reshape_transform, + ablation_layer=AblationLayerVit()) + else: + cam = methods[method](model=model.encoder, + target_layers=target_layers, + use_cuda=use_cuda, + reshape_transform=reshape_transform) + + rgb_img = cv2.imread(image_path, 1)[:, :, ::-1] + rgb_img = cv2.resize(rgb_img, (384, 384)) ## (224, 224) + rgb_img = np.float32(rgb_img) / 255 + input_tensor = preprocess_image(rgb_img, mean=[0.5, 0.5, 0.5], std=[0.5, 0.5, 0.5]) + + targets = None + cam.batch_size = 16 + + grayscale_cam = cam(input_tensor=input_tensor, targets=targets, eigen_smooth=eigen_smooth, aug_smooth=aug_smooth) + grayscale_cam = grayscale_cam[0, :] + + cam_image = show_cam_on_image(rgb_img, grayscale_cam) + output_file = os.path.join(output_path, 'gradcam_result.png') + cv2.imwrite(output_file, cam_image) + + + +def reshape_transform(tensor, height=12, width=12): ### height=14, width=14 for ViT-based Model + batch_size, token_number, embed_dim = tensor.size() + if token_number < height * width: + pad = torch.zeros(batch_size, height * width - token_number, embed_dim, device=tensor.device) + tensor = torch.cat([tensor, pad], dim=1) + elif token_number > height * width: + tensor = tensor[:, :height * width, :] + + result = tensor.reshape(batch_size, height, width, embed_dim) + result = result.transpose(2, 3).transpose(1, 2) + return result + + +# Example usage: +#image_path = "/home/chayan/CGI_Net/images/images/CXR1353_IM-0230-1001.png" +model_path = "./Model/" +output_path = "./CAM-Result/" + + + +def sentence_case(paragraph): + sentences = paragraph.split('. ') + formatted_sentences = [sentence.capitalize() for sentence in sentences if sentence] + formatted_paragraph = '. '.join(formatted_sentences) + return formatted_paragraph + +def num2sym_bullets(text, bullet='-'): + """ + Replaces '.' bullet points with a specified symbol and formats the text as a bullet list. + + Args: + text (str): Input text containing '.' bullet points. + bullet (str): The symbol to replace '.' with. + + Returns: + str: Modified text with '.' replaced and formatted as a bullet list. + """ + sentences = re.split(r'\.\s', text) + formatted_text = '\n'.join(f'{bullet} {sentence.strip()}' for sentence in sentences if sentence.strip()) + return formatted_text + +def is_cxr(image_path): + """ + Checks if the uploaded image is a Chest X-ray using basic image processing. + + Args: + image_path (str): Path to the uploaded image. + + Returns: + bool: True if the image is likely a Chest X-ray, False otherwise. + """ + try: + + image = cv2.imread(image_path) + + if image is None: + raise ValueError("Invalid image path.") + + gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY) + color_std = np.std(image, axis=2).mean() + + if color_std > 0: + return False + + return True + + except Exception as e: + print(f"Error processing image: {e}") + return False + +def dicom_to_png(dicom_file, png_file): + # Load DICOM file + dicom_data = pydicom.dcmread(dicom_file) + dicom_data.PhotometricInterpretation = 'MONOCHROME1' + + # Normalize pixel values to 0-255 + img = dicom_data.pixel_array + img = img.astype(np.float32) + + img = cv2.normalize(img, None, 0, 255, cv2.NORM_MINMAX) + img = img.astype(np.uint8) + + # Save as PNG + cv2.imwrite(png_file, img) + return img + + +Image_Captioner = pipeline("image-to-text", model = "./Model/", device = 0) + +data_dir = "./CAM-Result" + +@spaces.GPU(duration=300) +def xray_report_generator(Image_file, Query): + if Image_file[-4:] =='.dcm': + png_file = 'DCM2PNG.png' + dicom_to_png(Image_file, png_file) + Image_file = os.path.join(data_dir, png_file) + output = Image_Captioner(Image_file, max_new_tokens=512) + + else: + output = Image_Captioner(Image_file, max_new_tokens=512) + + result = output[0]['generated_text'] + output_paragraph = sentence_case(result) + + final_response = num2sym_bullets(output_paragraph, bullet='-') + + query_prompt = f""" You are analyzing the doctor's query based on the patient's history and the generated chest X-ray report. Extract only the information relevant to the query. + If the report mentions the queried condition, write only the exact wording without any introduction. If the condition is not mentioned, respond with: 'No relevant findings related to [query condition].'. + """ + + #If the condition is negated, respond with: 'There is no [query condition].'. + + completion = client.chat.completions.create( + model="gpt-4-turbo", ### gpt-4-turbo ### gpt-3.5-turbo-0125 + messages=[ + {"role": "system", "content": query_prompt}, + {"role": "user", "content": f"Generated Report: {final_response}\nHistory/Doctor's Query: {Query}"} + ], + temperature=0.2) + query_response = completion.choices[0].message.content + + generate_gradcam(Image_file, model_path, output_path, method='gradcam', use_cuda=True) + + grad_cam_image = output_path + 'gradcam_result.png' + + return grad_cam_image, final_response, query_response + + +# def save_feedback(feedback): +# feedback_dir = "Chayan/Feedback/" # Update this to your desired directory +# if not os.path.exists(feedback_dir): +# os.makedirs(feedback_dir) +# feedback_file = os.path.join(feedback_dir, "feedback.txt") +# with open(feedback_file, "a") as f: +# f.write(feedback + "\n") +# return "Feedback submitted successfully!" + + +def save_feedback(feedback): + feedback_dir = "Chayan/Feedback/" # Update this to your desired directory + if not os.path.exists(feedback_dir): + os.makedirs(feedback_dir) + feedback_file = os.path.join(feedback_dir, "feedback.txt") + + try: + with open(feedback_file, "a") as f: + f.write(feedback + "\n") + print(f"Feedback saved at: {feedback_file}") + return "Feedback submitted successfully!" + except Exception as e: + print(f"Error saving feedback: {e}") + return "Failed to submit feedback!" + + +# Custom Theme Definition +class Seafoam(Base): + def __init__( + self, + *, + primary_hue: Union[colors.Color, str] = colors.emerald, + secondary_hue: Union[colors.Color, str] = colors.blue, + neutral_hue: Union[colors.Color, str] = colors.gray, + spacing_size: Union[sizes.Size, str] = sizes.spacing_md, + radius_size: Union[sizes.Size, str] = sizes.radius_md, + text_size: Union[sizes.Size, str] = sizes.text_lg, + font: Union[fonts.Font, str, Iterable[Union[fonts.Font, str]]] = ( + fonts.GoogleFont("Quicksand"), + "ui-sans-serif", + "sans-serif", + ), + font_mono: Union[fonts.Font, str, Iterable[Union[fonts.Font, str]]] = ( + fonts.GoogleFont("IBM Plex Mono"), + "ui-monospace", + "monospace", + ), + ): + super().__init__( + primary_hue=primary_hue, + secondary_hue=secondary_hue, + neutral_hue=neutral_hue, + spacing_size=spacing_size, + radius_size=radius_size, + text_size=text_size, + font=font, + font_mono=font_mono, + ) + + self.set( + body_background_fill="linear-gradient(114.2deg, rgba(184,215,21,1) -15.3%, rgba(21,215,98,1) 14.5%, rgba(21,215,182,1) 38.7%, rgba(129,189,240,1) 58.8%, rgba(219,108,205,1) 77.3%, rgba(240,129,129,1) 88.5%)" + ) +# Initialize the theme +seafoam = Seafoam() + + + +# Custom CSS styles +custom_css = """ + +""" + +# Sample image paths +sample_images = [ + "./Test-Images/0d930f0a-46f813a9-db3b137b-05142eef-eca3c5a7.jpg", + "./Test-Images/93681764-ec39480e-0518b12c-199850c2-f15118ab.jpg", + "./Test-Images/6ff741e9-6ea01eef-1bf10153-d1b6beba-590b6620.jpg" + #"sample4.png", + #"sample5.png" +] + +def set_input_image(image_path): + return gr.update(value=image_path) + +def show_contact_info(): + yield gr.update(visible=True, value=""" + **Contact Us:** + - Chayan Mondal + - Email: chayan.mondal@student.curtin.edu.au + - Associate Prof. Sonny Pham + - Email: dspham@ieee.org + - Dr. Ashu Gupta + - Email: ashu.gupta@health.wa.gov.au + """) + # Wait for 20 seconds (you can adjust the time as needed) + time.sleep(20) + # Hide the content after 5 seconds + yield gr.update(visible=False) + +def show_acknowledgment(): + yield gr.update(visible=True, value=""" + **Acknowledgment:** + This Research has been supported by the Western Australian Future Health Research and Innovation Fund. + """) + # Wait for 20 seconds + time.sleep(20) + # Hide the acknowledgment + yield gr.update(visible=False) + + +with gr.Blocks(theme=seafoam, css=custom_css) as demo: + + #gr.HTML(custom_css) # Inject custom CSS + + + with gr.Row(elem_id="title-row"): + with gr.Column(scale=0): + gr.Image( + value="./AURA-CXR-Logo.png", + show_label=False, + width=60, + container=False + ) + with gr.Column(): + gr.Markdown( + """ +

+ AURA-CXR: Explainable Diagnosis of Chest Diseases from X-rays +

+ """, + elem_id="title-header" + ) + + gr.Markdown( + "

Upload an X-ray image and get its report with heat-map visualization.

" + ) + + + + # gr.Markdown( + # """ + #

AURA-CXR: Explainable Diagnosis of Chest Diseases from X-rays

+ #

Upload an X-ray image and get its report with heat-map visualization.

+ # """ + # ) + + #

AURA-CXR: Explainable Diagnosis of Chest Diseases from X-rays

+ + with gr.Row(): + inputs = gr.File(label="Upload Chest X-ray Image File", type="filepath") + + with gr.Row(): + with gr.Column(scale=1, min_width=300): + outputs1 = gr.Image(label="Image Viewer") + history_query = gr.Textbox(label="History/Doctor's Query", elem_classes="intext") + with gr.Column(scale=1, min_width=300): + outputs2 = gr.Image(label="Grad_CAM-Visualization") + with gr.Column(scale=1, min_width=300): + outputs3 = gr.Textbox(label="Generated Report", elem_classes = "intext") + outputs4 = gr.Textbox(label = "Query's Response", elem_classes = "intext") + + + submit_btn = gr.Button("Generate Report", elem_id="submit-btn", variant="primary") + + def show_image(file_path): + if is_cxr(file_path): # Check if it's a valid Chest X-ray + return file_path, "Valid Image" # Show the image in Image Viewer + else: + return None, "Invalid image. Please upload a proper Chest X-ray." + + + # Show the uploaded image immediately in the Image Viewer + inputs.change( + fn=show_image, # Calls the function to return the same file path + inputs=inputs, + outputs=[outputs1, outputs3] + ) + + + + + submit_btn.click( + fn=xray_report_generator, + inputs=[inputs,history_query], + outputs=[outputs2, outputs3, outputs4]) + + + gr.Markdown( + """ +

Or choose a sample image:

+ """ + ) + + with gr.Row(): + for idx, sample_image in enumerate(sample_images): + with gr.Column(scale=1): + #sample_image_component = gr.Image(value=sample_image, interactive=False) + select_button = gr.Button(f"Select Sample Image {idx+1}") + select_button.click( + fn=set_input_image, + inputs=gr.State(value=sample_image), + outputs=inputs + ) + + + # Feedback section + gr.Markdown( + """ +

Provide Your Valuable Feedback:

+ """ + ) + + with gr.Row(): + feedback_input = gr.Textbox(label="Your Feedback", lines=4, placeholder="Enter your feedback here...") + feedback_submit_btn = gr.Button("Submit Feedback", elem_classes="small-button", variant="secondary") + feedback_output = gr.Textbox(label="Feedback Status", interactive=False) + + + + feedback_submit_btn.click( + fn=save_feedback, + inputs=feedback_input, + outputs=feedback_output + ) + + + # Buttons and Markdown for Contact Us and Acknowledgment + with gr.Row(): + contact_btn = gr.Button("Contact Us", elem_classes="small-button", variant="secondary") + ack_btn = gr.Button("Acknowledgment", elem_classes="small-button", variant="secondary") + + contact_info = gr.Markdown(visible=False) # Initially hidden + acknowledgment_info = gr.Markdown(visible=False) # Initially hidden + + # Update the content and make it visible when the buttons are clicked + contact_btn.click(fn=show_contact_info, outputs=contact_info, show_progress=False) + ack_btn.click(fn=show_acknowledgment, outputs=acknowledgment_info, show_progress=False) + + # Update the content and make it visible when the buttons are clicked + # contact_btn.click(fn=show_contact_info, outputs=contact_info, show_progress=False) + # ack_btn.click(fn=show_acknowledgment, outputs=acknowledgment_info, show_progress=False) + + +demo.launch(share=True) + diff --git a/Feedback/feedback.txt b/Feedback/feedback.txt new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/Model/config.json b/Model/config.json new file mode 100644 index 0000000000000000000000000000000000000000..3b52b30e92653c4d3d7afddce75ab8045b0e91c6 --- /dev/null +++ b/Model/config.json @@ -0,0 +1,43288 @@ +{ + "architectures": [ + "VisionEncoderDecoderModel" + ], + "decoder": { + "_name_or_path": "gpt2", + "activation_function": "gelu_new", + "add_cross_attention": true, + "architectures": [ + "GPT2LMHeadModel" + ], + "attn_pdrop": 0.1, + "bad_words_ids": null, + "begin_suppress_tokens": null, + "bos_token_id": 50256, + "chunk_size_feed_forward": 0, + "cross_attention_hidden_size": null, + "decoder_start_token_id": null, + "diversity_penalty": 0.0, + "do_sample": false, + "early_stopping": false, + "embd_pdrop": 0.1, + "encoder_no_repeat_ngram_size": 0, + "eos_token_id": 50256, + "exponential_decay_length_penalty": null, + "finetuning_task": null, + "forced_bos_token_id": null, + "forced_eos_token_id": null, + "id2label": { + "0": "LABEL_0", + "1": "LABEL_1" + }, + "initializer_range": 0.02, + "is_decoder": true, + "is_encoder_decoder": false, + "label2id": { + "LABEL_0": 0, + "LABEL_1": 1 + }, + "layer_norm_epsilon": 1e-05, + "length_penalty": 1.0, + "max_length": 20, + "min_length": 0, + "model_type": "gpt2", + "n_ctx": 1024, + "n_embd": 768, + "n_head": 12, + "n_inner": null, + "n_layer": 12, + "n_positions": 1024, + "no_repeat_ngram_size": 0, + "num_beam_groups": 1, + "num_beams": 1, + "num_return_sequences": 1, + "output_attentions": false, + "output_hidden_states": false, + "output_scores": false, + "pad_token_id": null, + "prefix": null, + "problem_type": null, + "pruned_heads": {}, + "remove_invalid_values": false, + "reorder_and_upcast_attn": false, + "repetition_penalty": 1.0, + "resid_pdrop": 0.1, + "return_dict": true, + "return_dict_in_generate": false, + "scale_attn_by_inverse_layer_idx": false, + "scale_attn_weights": true, + "sep_token_id": null, + "summary_activation": null, + "summary_first_dropout": 0.1, + "summary_proj_to_labels": true, + "summary_type": "cls_index", + "summary_use_proj": true, + "suppress_tokens": null, + "task_specific_params": { + "text-generation": { + "do_sample": true, + "max_length": 50 + } + }, + "temperature": 1.0, + "tf_legacy_loss": false, + "tie_encoder_decoder": false, + "tie_word_embeddings": true, + "tokenizer_class": null, + "top_k": 50, + "top_p": 1.0, + "torch_dtype": null, + "torchscript": false, + "typical_p": 1.0, + "use_bfloat16": false, + "use_cache": true, + "vocab_size": 50257 + }, + "decoder_start_token_id": 50256, + "encoder": { + "_name_or_path": "microsoft/swin-base-patch4-window12-384-in22k", + "add_cross_attention": false, + "architectures": [ + "SwinForImageClassification" + ], + "attention_probs_dropout_prob": 0.0, + "bad_words_ids": null, + "begin_suppress_tokens": null, + "bos_token_id": null, + "chunk_size_feed_forward": 0, + "cross_attention_hidden_size": null, + "decoder_start_token_id": null, + "depths": [ + 2, + 2, + 18, + 2 + ], + "diversity_penalty": 0.0, + "do_sample": false, + "drop_path_rate": 0.1, + "early_stopping": false, + "embed_dim": 128, + "encoder_no_repeat_ngram_size": 0, + "encoder_stride": 32, + "eos_token_id": null, + "exponential_decay_length_penalty": null, + "finetuning_task": null, + "forced_bos_token_id": null, + "forced_eos_token_id": null, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.0, + "hidden_size": 1024, + "id2label": { + "0": "organism, being", + "1": "benthos", + "2": "heterotroph", + "3": "cell", + "4": "person, individual, someone, somebody, mortal, soul", + "5": "animal, animate_being, beast, brute, creature, fauna", + "6": "plant, flora, plant_life", + "7": "food, nutrient", + "8": "artifact, artefact", + "9": "hop", + "10": "check-in", + "11": "dressage", + "12": "curvet, vaulting", + "13": "piaffe", + "14": "funambulism, tightrope_walking", + "15": "rock_climbing", + "16": "contact_sport", + "17": "outdoor_sport, field_sport", + "18": "gymnastics, gymnastic_exercise", + "19": "acrobatics, tumbling", + "20": "track_and_field", + "21": "track, running", + "22": "jumping", + "23": "broad_jump, long_jump", + "24": "high_jump", + "25": "Fosbury_flop", + "26": "skiing", + "27": "cross-country_skiing", + "28": "ski_jumping", + "29": "water_sport, aquatics", + "30": "swimming, swim", + "31": "bathe", + "32": "dip, plunge", + "33": "dive, diving", + "34": "floating, natation", + "35": "dead-man's_float, prone_float", + "36": "belly_flop, belly_flopper, belly_whop, belly_whopper", + "37": "cliff_diving", + "38": "flip", + "39": "gainer, full_gainer", + "40": "half_gainer", + "41": "jackknife", + "42": "swan_dive, swallow_dive", + "43": "skin_diving, skin-dive", + "44": "scuba_diving", + "45": "snorkeling, snorkel_diving", + "46": "surfing, surfboarding, surfriding", + "47": "water-skiing", + "48": "rowing, row", + "49": "sculling", + "50": "boxing, pugilism, fisticuffs", + "51": "professional_boxing", + "52": "in-fighting", + "53": "fight", + "54": "rope-a-dope", + "55": "spar, sparring", + "56": "archery", + "57": "sledding", + "58": "tobogganing", + "59": "luging", + "60": "bobsledding", + "61": "wrestling, rassling, grappling", + "62": "Greco-Roman_wrestling", + "63": "professional_wrestling", + "64": "sumo", + "65": "skating", + "66": "ice_skating", + "67": "figure_skating", + "68": "rollerblading", + "69": "roller_skating", + "70": "skateboarding", + "71": "speed_skating", + "72": "racing", + "73": "auto_racing, car_racing", + "74": "boat_racing", + "75": "hydroplane_racing", + "76": "camel_racing", + "77": "greyhound_racing", + "78": "horse_racing", + "79": "riding, horseback_riding, equitation", + "80": "equestrian_sport", + "81": "pony-trekking", + "82": "showjumping, stadium_jumping", + "83": "cross-country_riding, cross-country_jumping", + "84": "cycling", + "85": "bicycling", + "86": "motorcycling", + "87": "dune_cycling", + "88": "blood_sport", + "89": "bullfighting, tauromachy", + "90": "cockfighting", + "91": "hunt, hunting", + "92": "battue", + "93": "beagling", + "94": "coursing", + "95": "deer_hunting, deer_hunt", + "96": "ducking, duck_hunting", + "97": "fox_hunting, foxhunt", + "98": "pigsticking", + "99": "fishing, sportfishing", + "100": "angling", + "101": "fly-fishing", + "102": "troll, trolling", + "103": "casting, cast", + "104": "bait_casting", + "105": "fly_casting", + "106": "overcast", + "107": "surf_casting, surf_fishing", + "108": "day_game", + "109": "athletic_game", + "110": "ice_hockey, hockey, hockey_game", + "111": "tetherball", + "112": "water_polo", + "113": "outdoor_game", + "114": "golf, golf_game", + "115": "professional_golf", + "116": "round_of_golf, round", + "117": "medal_play, stroke_play", + "118": "match_play", + "119": "miniature_golf", + "120": "croquet", + "121": "quoits, horseshoes", + "122": "shuffleboard, shovelboard", + "123": "field_game", + "124": "field_hockey, hockey", + "125": "shinny, shinney", + "126": "football, football_game", + "127": "American_football, American_football_game", + "128": "professional_football", + "129": "touch_football", + "130": "hurling", + "131": "rugby, rugby_football, rugger", + "132": "ball_game, ballgame", + "133": "baseball, baseball_game", + "134": "ball", + "135": "professional_baseball", + "136": "hardball", + "137": "perfect_game", + "138": "no-hit_game, no-hitter", + "139": "one-hitter, 1-hitter", + "140": "two-hitter, 2-hitter", + "141": "three-hitter, 3-hitter", + "142": "four-hitter, 4-hitter", + "143": "five-hitter, 5-hitter", + "144": "softball, softball_game", + "145": "rounders", + "146": "stickball, stickball_game", + "147": "cricket", + "148": "lacrosse", + "149": "polo", + "150": "pushball", + "151": "soccer, association_football", + "152": "court_game", + "153": "handball", + "154": "racquetball", + "155": "fives", + "156": "squash, squash_racquets, squash_rackets", + "157": "volleyball, volleyball_game", + "158": "jai_alai, pelota", + "159": "badminton", + "160": "battledore, battledore_and_shuttlecock", + "161": "basketball, basketball_game, hoops", + "162": "professional_basketball", + "163": "deck_tennis", + "164": "netball", + "165": "tennis, lawn_tennis", + "166": "professional_tennis", + "167": "singles", + "168": "singles", + "169": "doubles", + "170": "doubles", + "171": "royal_tennis, real_tennis, court_tennis", + "172": "pallone", + "173": "sport, athletics", + "174": "clasp, clench, clutch, clutches, grasp, grip, hold", + "175": "judo", + "176": "team_sport", + "177": "Last_Supper, Lord's_Supper", + "178": "Seder, Passover_supper", + "179": "camping, encampment, bivouacking, tenting", + "180": "pest", + "181": "critter", + "182": "creepy-crawly", + "183": "darter", + "184": "peeper", + "185": "homeotherm, homoiotherm, homotherm", + "186": "poikilotherm, ectotherm", + "187": "range_animal", + "188": "scavenger", + "189": "bottom-feeder, bottom-dweller", + "190": "bottom-feeder", + "191": "work_animal", + "192": "beast_of_burden, jument", + "193": "draft_animal", + "194": "pack_animal, sumpter", + "195": "domestic_animal, domesticated_animal", + "196": "feeder", + "197": "feeder", + "198": "stocker", + "199": "hatchling", + "200": "head", + "201": "migrator", + "202": "molter, moulter", + "203": "pet", + "204": "stayer", + "205": "stunt", + "206": "marine_animal, marine_creature, sea_animal, sea_creature", + "207": "by-catch, bycatch", + "208": "female", + "209": "hen", + "210": "male", + "211": "adult", + "212": "young, offspring", + "213": "orphan", + "214": "young_mammal", + "215": "baby", + "216": "pup, whelp", + "217": "wolf_pup, wolf_cub", + "218": "puppy", + "219": "cub, young_carnivore", + "220": "lion_cub", + "221": "bear_cub", + "222": "tiger_cub", + "223": "kit", + "224": "suckling", + "225": "sire", + "226": "dam", + "227": "thoroughbred, purebred, pureblood", + "228": "giant", + "229": "mutant", + "230": "carnivore", + "231": "herbivore", + "232": "insectivore", + "233": "acrodont", + "234": "pleurodont", + "235": "microorganism, micro-organism", + "236": "monohybrid", + "237": "arbovirus, arborvirus", + "238": "adenovirus", + "239": "arenavirus", + "240": "Marburg_virus", + "241": "Arenaviridae", + "242": "vesiculovirus", + "243": "Reoviridae", + "244": "variola_major, variola_major_virus", + "245": "viroid, virusoid", + "246": "coliphage", + "247": "paramyxovirus", + "248": "poliovirus", + "249": "herpes, herpes_virus", + "250": "herpes_simplex_1, HS1, HSV-1, HSV-I", + "251": "herpes_zoster, herpes_zoster_virus", + "252": "herpes_varicella_zoster, herpes_varicella_zoster_virus", + "253": "cytomegalovirus, CMV", + "254": "varicella_zoster_virus", + "255": "polyoma, polyoma_virus", + "256": "lyssavirus", + "257": "reovirus", + "258": "rotavirus", + "259": "moneran, moneron", + "260": "archaebacteria, archaebacterium, archaeobacteria, archeobacteria", + "261": "bacteroid", + "262": "Bacillus_anthracis, anthrax_bacillus", + "263": "Yersinia_pestis", + "264": "Brucella", + "265": "spirillum, spirilla", + "266": "botulinus, botulinum, Clostridium_botulinum", + "267": "clostridium_perfringens", + "268": "cyanobacteria, blue-green_algae", + "269": "trichodesmium", + "270": "nitric_bacteria, nitrobacteria", + "271": "spirillum", + "272": "Francisella, genus_Francisella", + "273": "gonococcus, Neisseria_gonorrhoeae", + "274": "Corynebacterium_diphtheriae, C._diphtheriae, Klebs-Loeffler_bacillus", + "275": "enteric_bacteria, enterobacteria, enterics, entric", + "276": "klebsiella", + "277": "Salmonella_typhimurium", + "278": "typhoid_bacillus, Salmonella_typhosa, Salmonella_typhi", + "279": "nitrate_bacterium, nitric_bacterium", + "280": "nitrite_bacterium, nitrous_bacterium", + "281": "actinomycete", + "282": "streptomyces", + "283": "Streptomyces_erythreus", + "284": "Streptomyces_griseus", + "285": "tubercle_bacillus, Mycobacterium_tuberculosis", + "286": "pus-forming_bacteria", + "287": "streptobacillus", + "288": "myxobacteria, myxobacterium, myxobacter, gliding_bacteria, slime_bacteria", + "289": "staphylococcus, staphylococci, staph", + "290": "diplococcus", + "291": "pneumococcus, Diplococcus_pneumoniae", + "292": "streptococcus, streptococci, strep", + "293": "spirochete, spirochaete", + "294": "planktonic_algae", + "295": "zooplankton", + "296": "parasite", + "297": "endoparasite, entoparasite, entozoan, entozoon, endozoan", + "298": "ectoparasite, ectozoan, ectozoon, epizoan, epizoon", + "299": "pathogen", + "300": "commensal", + "301": "myrmecophile", + "302": "protoctist", + "303": "protozoan, protozoon", + "304": "sarcodinian, sarcodine", + "305": "heliozoan", + "306": "endameba", + "307": "ameba, amoeba", + "308": "globigerina", + "309": "testacean", + "310": "arcella", + "311": "difflugia", + "312": "ciliate, ciliated_protozoan, ciliophoran", + "313": "paramecium, paramecia", + "314": "stentor", + "315": "alga, algae", + "316": "arame", + "317": "seagrass", + "318": "golden_algae", + "319": "yellow-green_algae", + "320": "brown_algae", + "321": "kelp", + "322": "fucoid, fucoid_algae", + "323": "fucoid", + "324": "fucus", + "325": "bladderwrack, Ascophyllum_nodosum", + "326": "green_algae, chlorophyte", + "327": "pond_scum", + "328": "chlorella", + "329": "stonewort", + "330": "desmid", + "331": "sea_moss", + "332": "eukaryote, eucaryote", + "333": "prokaryote, procaryote", + "334": "zooid", + "335": "Leishmania, genus_Leishmania", + "336": "zoomastigote, zooflagellate", + "337": "polymastigote", + "338": "costia, Costia_necatrix", + "339": "giardia", + "340": "cryptomonad, cryptophyte", + "341": "sporozoan", + "342": "sporozoite", + "343": "trophozoite", + "344": "merozoite", + "345": "coccidium, eimeria", + "346": "gregarine", + "347": "plasmodium, Plasmodium_vivax, malaria_parasite", + "348": "leucocytozoan, leucocytozoon", + "349": "microsporidian", + "350": "Ostariophysi, order_Ostariophysi", + "351": "cypriniform_fish", + "352": "loach", + "353": "cyprinid, cyprinid_fish", + "354": "carp", + "355": "domestic_carp, Cyprinus_carpio", + "356": "leather_carp", + "357": "mirror_carp", + "358": "European_bream, Abramis_brama", + "359": "tench, Tinca_tinca", + "360": "dace, Leuciscus_leuciscus", + "361": "chub, Leuciscus_cephalus", + "362": "shiner", + "363": "common_shiner, silversides, Notropis_cornutus", + "364": "roach, Rutilus_rutilus", + "365": "rudd, Scardinius_erythrophthalmus", + "366": "minnow, Phoxinus_phoxinus", + "367": "gudgeon, Gobio_gobio", + "368": "goldfish, Carassius_auratus", + "369": "crucian_carp, Carassius_carassius, Carassius_vulgaris", + "370": "electric_eel, Electrophorus_electric", + "371": "catostomid", + "372": "buffalo_fish, buffalofish", + "373": "black_buffalo, Ictiobus_niger", + "374": "hog_sucker, hog_molly, Hypentelium_nigricans", + "375": "redhorse, redhorse_sucker", + "376": "cyprinodont", + "377": "killifish", + "378": "mummichog, Fundulus_heteroclitus", + "379": "striped_killifish, mayfish, may_fish, Fundulus_majalis", + "380": "rivulus", + "381": "flagfish, American_flagfish, Jordanella_floridae", + "382": "swordtail, helleri, topminnow, Xyphophorus_helleri", + "383": "guppy, rainbow_fish, Lebistes_reticulatus", + "384": "topminnow, poeciliid_fish, poeciliid, live-bearer", + "385": "mosquitofish, Gambusia_affinis", + "386": "platy, Platypoecilus_maculatus", + "387": "mollie, molly", + "388": "squirrelfish", + "389": "reef_squirrelfish, Holocentrus_coruscus", + "390": "deepwater_squirrelfish, Holocentrus_bullisi", + "391": "Holocentrus_ascensionis", + "392": "soldierfish, soldier-fish", + "393": "anomalops, flashlight_fish", + "394": "flashlight_fish, Photoblepharon_palpebratus", + "395": "John_Dory, Zeus_faber", + "396": "boarfish, Capros_aper", + "397": "boarfish", + "398": "cornetfish", + "399": "stickleback, prickleback", + "400": "three-spined_stickleback, Gasterosteus_aculeatus", + "401": "ten-spined_stickleback, Gasterosteus_pungitius", + "402": "pipefish, needlefish", + "403": "dwarf_pipefish, Syngnathus_hildebrandi", + "404": "deepwater_pipefish, Cosmocampus_profundus", + "405": "seahorse, sea_horse", + "406": "snipefish, bellows_fish", + "407": "shrimpfish, shrimp-fish", + "408": "trumpetfish, Aulostomus_maculatus", + "409": "pellicle", + "410": "embryo, conceptus, fertilized_egg", + "411": "fetus, foetus", + "412": "abortus", + "413": "spawn", + "414": "blastula, blastosphere", + "415": "blastocyst, blastodermic_vessicle", + "416": "gastrula", + "417": "morula", + "418": "yolk, vitellus", + "419": "chordate", + "420": "cephalochordate", + "421": "lancelet, amphioxus", + "422": "tunicate, urochordate, urochord", + "423": "ascidian", + "424": "sea_squirt", + "425": "salp, salpa", + "426": "doliolum", + "427": "larvacean", + "428": "appendicularia", + "429": "ascidian_tadpole", + "430": "vertebrate, craniate", + "431": "Amniota", + "432": "amniote", + "433": "aquatic_vertebrate", + "434": "jawless_vertebrate, jawless_fish, agnathan", + "435": "ostracoderm", + "436": "heterostracan", + "437": "anaspid", + "438": "conodont", + "439": "cyclostome", + "440": "lamprey, lamprey_eel, lamper_eel", + "441": "sea_lamprey, Petromyzon_marinus", + "442": "hagfish, hag, slime_eels", + "443": "Myxine_glutinosa", + "444": "eptatretus", + "445": "gnathostome", + "446": "placoderm", + "447": "cartilaginous_fish, chondrichthian", + "448": "holocephalan, holocephalian", + "449": "chimaera", + "450": "rabbitfish, Chimaera_monstrosa", + "451": "elasmobranch, selachian", + "452": "shark", + "453": "cow_shark, six-gilled_shark, Hexanchus_griseus", + "454": "mackerel_shark", + "455": "porbeagle, Lamna_nasus", + "456": "mako, mako_shark", + "457": "shortfin_mako, Isurus_oxyrhincus", + "458": "longfin_mako, Isurus_paucus", + "459": "bonito_shark, blue_pointed, Isurus_glaucus", + "460": "great_white_shark, white_shark, man-eater, man-eating_shark, Carcharodon_carcharias", + "461": "basking_shark, Cetorhinus_maximus", + "462": "thresher, thrasher, thresher_shark, fox_shark, Alopius_vulpinus", + "463": "carpet_shark, Orectolobus_barbatus", + "464": "nurse_shark, Ginglymostoma_cirratum", + "465": "sand_tiger, sand_shark, Carcharias_taurus, Odontaspis_taurus", + "466": "whale_shark, Rhincodon_typus", + "467": "requiem_shark", + "468": "bull_shark, cub_shark, Carcharhinus_leucas", + "469": "sandbar_shark, Carcharhinus_plumbeus", + "470": "blacktip_shark, sandbar_shark, Carcharhinus_limbatus", + "471": "whitetip_shark, oceanic_whitetip_shark, white-tipped_shark, Carcharinus_longimanus", + "472": "dusky_shark, Carcharhinus_obscurus", + "473": "lemon_shark, Negaprion_brevirostris", + "474": "blue_shark, great_blue_shark, Prionace_glauca", + "475": "tiger_shark, Galeocerdo_cuvieri", + "476": "soupfin_shark, soupfin, soup-fin, Galeorhinus_zyopterus", + "477": "dogfish", + "478": "smooth_dogfish", + "479": "smoothhound, smoothhound_shark, Mustelus_mustelus", + "480": "American_smooth_dogfish, Mustelus_canis", + "481": "Florida_smoothhound, Mustelus_norrisi", + "482": "whitetip_shark, reef_whitetip_shark, Triaenodon_obseus", + "483": "spiny_dogfish", + "484": "Atlantic_spiny_dogfish, Squalus_acanthias", + "485": "Pacific_spiny_dogfish, Squalus_suckleyi", + "486": "hammerhead, hammerhead_shark", + "487": "smooth_hammerhead, Sphyrna_zygaena", + "488": "smalleye_hammerhead, Sphyrna_tudes", + "489": "shovelhead, bonnethead, bonnet_shark, Sphyrna_tiburo", + "490": "angel_shark, angelfish, Squatina_squatina, monkfish", + "491": "ray", + "492": "electric_ray, crampfish, numbfish, torpedo", + "493": "sawfish", + "494": "smalltooth_sawfish, Pristis_pectinatus", + "495": "guitarfish", + "496": "stingray", + "497": "roughtail_stingray, Dasyatis_centroura", + "498": "butterfly_ray", + "499": "eagle_ray", + "500": "spotted_eagle_ray, spotted_ray, Aetobatus_narinari", + "501": "cownose_ray, cow-nosed_ray, Rhinoptera_bonasus", + "502": "manta, manta_ray, devilfish", + "503": "Atlantic_manta, Manta_birostris", + "504": "devil_ray, Mobula_hypostoma", + "505": "skate", + "506": "grey_skate, gray_skate, Raja_batis", + "507": "little_skate, Raja_erinacea", + "508": "thorny_skate, Raja_radiata", + "509": "barndoor_skate, Raja_laevis", + "510": "bird", + "511": "dickeybird, dickey-bird, dickybird, dicky-bird", + "512": "fledgling, fledgeling", + "513": "nestling, baby_bird", + "514": "cock", + "515": "gamecock, fighting_cock", + "516": "hen", + "517": "nester", + "518": "night_bird", + "519": "night_raven", + "520": "bird_of_passage", + "521": "archaeopteryx, archeopteryx, Archaeopteryx_lithographica", + "522": "archaeornis", + "523": "ratite, ratite_bird, flightless_bird", + "524": "carinate, carinate_bird, flying_bird", + "525": "ostrich, Struthio_camelus", + "526": "cassowary", + "527": "emu, Dromaius_novaehollandiae, Emu_novaehollandiae", + "528": "kiwi, apteryx", + "529": "rhea, Rhea_americana", + "530": "rhea, nandu, Pterocnemia_pennata", + "531": "elephant_bird, aepyornis", + "532": "moa", + "533": "passerine, passeriform_bird", + "534": "nonpasserine_bird", + "535": "oscine, oscine_bird", + "536": "songbird, songster", + "537": "honey_eater, honeysucker", + "538": "accentor", + "539": "hedge_sparrow, sparrow, dunnock, Prunella_modularis", + "540": "lark", + "541": "skylark, Alauda_arvensis", + "542": "wagtail", + "543": "pipit, titlark, lark", + "544": "meadow_pipit, Anthus_pratensis", + "545": "finch", + "546": "chaffinch, Fringilla_coelebs", + "547": "brambling, Fringilla_montifringilla", + "548": "goldfinch, Carduelis_carduelis", + "549": "linnet, lintwhite, Carduelis_cannabina", + "550": "siskin, Carduelis_spinus", + "551": "red_siskin, Carduelis_cucullata", + "552": "redpoll, Carduelis_flammea", + "553": "redpoll, Carduelis_hornemanni", + "554": "New_World_goldfinch, goldfinch, yellowbird, Spinus_tristis", + "555": "pine_siskin, pine_finch, Spinus_pinus", + "556": "house_finch, linnet, Carpodacus_mexicanus", + "557": "purple_finch, Carpodacus_purpureus", + "558": "canary, canary_bird", + "559": "common_canary, Serinus_canaria", + "560": "serin", + "561": "crossbill, Loxia_curvirostra", + "562": "bullfinch, Pyrrhula_pyrrhula", + "563": "junco, snowbird", + "564": "dark-eyed_junco, slate-colored_junco, Junco_hyemalis", + "565": "New_World_sparrow", + "566": "vesper_sparrow, grass_finch, Pooecetes_gramineus", + "567": "white-throated_sparrow, whitethroat, Zonotrichia_albicollis", + "568": "white-crowned_sparrow, Zonotrichia_leucophrys", + "569": "chipping_sparrow, Spizella_passerina", + "570": "field_sparrow, Spizella_pusilla", + "571": "tree_sparrow, Spizella_arborea", + "572": "song_sparrow, Melospiza_melodia", + "573": "swamp_sparrow, Melospiza_georgiana", + "574": "bunting", + "575": "indigo_bunting, indigo_finch, indigo_bird, Passerina_cyanea", + "576": "ortolan, ortolan_bunting, Emberiza_hortulana", + "577": "reed_bunting, Emberiza_schoeniclus", + "578": "yellowhammer, yellow_bunting, Emberiza_citrinella", + "579": "yellow-breasted_bunting, Emberiza_aureola", + "580": "snow_bunting, snowbird, snowflake, Plectrophenax_nivalis", + "581": "honeycreeper", + "582": "banana_quit", + "583": "sparrow, true_sparrow", + "584": "English_sparrow, house_sparrow, Passer_domesticus", + "585": "tree_sparrow, Passer_montanus", + "586": "grosbeak, grossbeak", + "587": "evening_grosbeak, Hesperiphona_vespertina", + "588": "hawfinch, Coccothraustes_coccothraustes", + "589": "pine_grosbeak, Pinicola_enucleator", + "590": "cardinal, cardinal_grosbeak, Richmondena_Cardinalis, Cardinalis_cardinalis, redbird", + "591": "pyrrhuloxia, Pyrrhuloxia_sinuata", + "592": "towhee", + "593": "chewink, cheewink, Pipilo_erythrophthalmus", + "594": "green-tailed_towhee, Chlorura_chlorura", + "595": "weaver, weaverbird, weaver_finch", + "596": "baya, Ploceus_philippinus", + "597": "whydah, whidah, widow_bird", + "598": "Java_sparrow, Java_finch, ricebird, Padda_oryzivora", + "599": "avadavat, amadavat", + "600": "grassfinch, grass_finch", + "601": "zebra_finch, Poephila_castanotis", + "602": "honeycreeper, Hawaiian_honeycreeper", + "603": "lyrebird", + "604": "scrubbird, scrub-bird, scrub_bird", + "605": "broadbill", + "606": "tyrannid", + "607": "New_World_flycatcher, flycatcher, tyrant_flycatcher, tyrant_bird", + "608": "kingbird, Tyrannus_tyrannus", + "609": "Arkansas_kingbird, western_kingbird", + "610": "Cassin's_kingbird, Tyrannus_vociferans", + "611": "eastern_kingbird", + "612": "grey_kingbird, gray_kingbird, petchary, Tyrannus_domenicensis_domenicensis", + "613": "pewee, peewee, peewit, pewit, wood_pewee, Contopus_virens", + "614": "western_wood_pewee, Contopus_sordidulus", + "615": "phoebe, phoebe_bird, Sayornis_phoebe", + "616": "vermillion_flycatcher, firebird, Pyrocephalus_rubinus_mexicanus", + "617": "cotinga, chatterer", + "618": "cock_of_the_rock, Rupicola_rupicola", + "619": "cock_of_the_rock, Rupicola_peruviana", + "620": "manakin", + "621": "bellbird", + "622": "umbrella_bird, Cephalopterus_ornatus", + "623": "ovenbird", + "624": "antbird, ant_bird", + "625": "ant_thrush", + "626": "ant_shrike", + "627": "spotted_antbird, Hylophylax_naevioides", + "628": "woodhewer, woodcreeper, wood-creeper, tree_creeper", + "629": "pitta", + "630": "scissortail, scissortailed_flycatcher, Muscivora-forficata", + "631": "Old_World_flycatcher, true_flycatcher, flycatcher", + "632": "spotted_flycatcher, Muscicapa_striata, Muscicapa_grisola", + "633": "thickhead, whistler", + "634": "thrush", + "635": "missel_thrush, mistle_thrush, mistletoe_thrush, Turdus_viscivorus", + "636": "song_thrush, mavis, throstle, Turdus_philomelos", + "637": "fieldfare, snowbird, Turdus_pilaris", + "638": "redwing, Turdus_iliacus", + "639": "blackbird, merl, merle, ouzel, ousel, European_blackbird, Turdus_merula", + "640": "ring_ouzel, ring_blackbird, ring_thrush, Turdus_torquatus", + "641": "robin, American_robin, Turdus_migratorius", + "642": "clay-colored_robin, Turdus_greyi", + "643": "hermit_thrush, Hylocichla_guttata", + "644": "veery, Wilson's_thrush, Hylocichla_fuscescens", + "645": "wood_thrush, Hylocichla_mustelina", + "646": "nightingale, Luscinia_megarhynchos", + "647": "thrush_nightingale, Luscinia_luscinia", + "648": "bulbul", + "649": "Old_World_chat, chat", + "650": "stonechat, Saxicola_torquata", + "651": "whinchat, Saxicola_rubetra", + "652": "solitaire", + "653": "redstart, redtail", + "654": "wheatear", + "655": "bluebird", + "656": "robin, redbreast, robin_redbreast, Old_World_robin, Erithacus_rubecola", + "657": "bluethroat, Erithacus_svecicus", + "658": "warbler", + "659": "gnatcatcher", + "660": "kinglet", + "661": "goldcrest, golden-crested_kinglet, Regulus_regulus", + "662": "gold-crowned_kinglet, Regulus_satrata", + "663": "ruby-crowned_kinglet, ruby-crowned_wren, Regulus_calendula", + "664": "Old_World_warbler, true_warbler", + "665": "blackcap, Silvia_atricapilla", + "666": "greater_whitethroat, whitethroat, Sylvia_communis", + "667": "lesser_whitethroat, whitethroat, Sylvia_curruca", + "668": "wood_warbler, Phylloscopus_sibilatrix", + "669": "sedge_warbler, sedge_bird, sedge_wren, reedbird, Acrocephalus_schoenobaenus", + "670": "wren_warbler", + "671": "tailorbird, Orthotomus_sutorius", + "672": "babbler, cackler", + "673": "New_World_warbler, wood_warbler", + "674": "parula_warbler, northern_parula, Parula_americana", + "675": "Wilson's_warbler, Wilson's_blackcap, Wilsonia_pusilla", + "676": "flycatching_warbler", + "677": "American_redstart, redstart, Setophaga_ruticilla", + "678": "Cape_May_warbler, Dendroica_tigrina", + "679": "yellow_warbler, golden_warbler, yellowbird, Dendroica_petechia", + "680": "Blackburn, Blackburnian_warbler, Dendroica_fusca", + "681": "Audubon's_warbler, Audubon_warbler, Dendroica_auduboni", + "682": "myrtle_warbler, myrtle_bird, Dendroica_coronata", + "683": "blackpoll, Dendroica_striate", + "684": "New_World_chat, chat", + "685": "yellow-breasted_chat, Icteria_virens", + "686": "ovenbird, Seiurus_aurocapillus", + "687": "water_thrush", + "688": "yellowthroat", + "689": "common_yellowthroat, Maryland_yellowthroat, Geothlypis_trichas", + "690": "riflebird, Ptloris_paradisea", + "691": "New_World_oriole, American_oriole, oriole", + "692": "northern_oriole, Icterus_galbula", + "693": "Baltimore_oriole, Baltimore_bird, hangbird, firebird, Icterus_galbula_galbula", + "694": "Bullock's_oriole, Icterus_galbula_bullockii", + "695": "orchard_oriole, Icterus_spurius", + "696": "meadowlark, lark", + "697": "eastern_meadowlark, Sturnella_magna", + "698": "western_meadowlark, Sturnella_neglecta", + "699": "cacique, cazique", + "700": "bobolink, ricebird, reedbird, Dolichonyx_oryzivorus", + "701": "New_World_blackbird, blackbird", + "702": "grackle, crow_blackbird", + "703": "purple_grackle, Quiscalus_quiscula", + "704": "rusty_blackbird, rusty_grackle, Euphagus_carilonus", + "705": "cowbird", + "706": "red-winged_blackbird, redwing, Agelaius_phoeniceus", + "707": "Old_World_oriole, oriole", + "708": "golden_oriole, Oriolus_oriolus", + "709": "fig-bird", + "710": "starling", + "711": "common_starling, Sturnus_vulgaris", + "712": "rose-colored_starling, rose-colored_pastor, Pastor_sturnus, Pastor_roseus", + "713": "myna, mynah, mina, minah, myna_bird, mynah_bird", + "714": "crested_myna, Acridotheres_tristis", + "715": "hill_myna, Indian_grackle, grackle, Gracula_religiosa", + "716": "corvine_bird", + "717": "crow", + "718": "American_crow, Corvus_brachyrhyncos", + "719": "raven, Corvus_corax", + "720": "rook, Corvus_frugilegus", + "721": "jackdaw, daw, Corvus_monedula", + "722": "chough", + "723": "jay", + "724": "Old_World_jay", + "725": "common_European_jay, Garullus_garullus", + "726": "New_World_jay", + "727": "blue_jay, jaybird, Cyanocitta_cristata", + "728": "Canada_jay, grey_jay, gray_jay, camp_robber, whisker_jack, Perisoreus_canadensis", + "729": "Rocky_Mountain_jay, Perisoreus_canadensis_capitalis", + "730": "nutcracker", + "731": "common_nutcracker, Nucifraga_caryocatactes", + "732": "Clark's_nutcracker, Nucifraga_columbiana", + "733": "magpie", + "734": "European_magpie, Pica_pica", + "735": "American_magpie, Pica_pica_hudsonia", + "736": "Australian_magpie", + "737": "butcherbird", + "738": "currawong, bell_magpie", + "739": "piping_crow, piping_crow-shrike, Gymnorhina_tibicen", + "740": "wren, jenny_wren", + "741": "winter_wren, Troglodytes_troglodytes", + "742": "house_wren, Troglodytes_aedon", + "743": "marsh_wren", + "744": "long-billed_marsh_wren, Cistothorus_palustris", + "745": "sedge_wren, short-billed_marsh_wren, Cistothorus_platensis", + "746": "rock_wren, Salpinctes_obsoletus", + "747": "Carolina_wren, Thryothorus_ludovicianus", + "748": "cactus_wren", + "749": "mockingbird, mocker, Mimus_polyglotktos", + "750": "blue_mockingbird, Melanotis_caerulescens", + "751": "catbird, grey_catbird, gray_catbird, Dumetella_carolinensis", + "752": "thrasher, mocking_thrush", + "753": "brown_thrasher, brown_thrush, Toxostoma_rufums", + "754": "New_Zealand_wren", + "755": "rock_wren, Xenicus_gilviventris", + "756": "rifleman_bird, Acanthisitta_chloris", + "757": "creeper, tree_creeper", + "758": "brown_creeper, American_creeper, Certhia_americana", + "759": "European_creeper, Certhia_familiaris", + "760": "wall_creeper, tichodrome, Tichodroma_muriaria", + "761": "European_nuthatch, Sitta_europaea", + "762": "red-breasted_nuthatch, Sitta_canadensis", + "763": "white-breasted_nuthatch, Sitta_carolinensis", + "764": "titmouse, tit", + "765": "chickadee", + "766": "black-capped_chickadee, blackcap, Parus_atricapillus", + "767": "tufted_titmouse, Parus_bicolor", + "768": "Carolina_chickadee, Parus_carolinensis", + "769": "blue_tit, tomtit, Parus_caeruleus", + "770": "bushtit, bush_tit", + "771": "wren-tit, Chamaea_fasciata", + "772": "verdin, Auriparus_flaviceps", + "773": "fairy_bluebird, bluebird", + "774": "swallow", + "775": "barn_swallow, chimney_swallow, Hirundo_rustica", + "776": "cliff_swallow, Hirundo_pyrrhonota", + "777": "tree_swallow, tree_martin, Hirundo_nigricans", + "778": "white-bellied_swallow, tree_swallow, Iridoprocne_bicolor", + "779": "martin", + "780": "house_martin, Delichon_urbica", + "781": "bank_martin, bank_swallow, sand_martin, Riparia_riparia", + "782": "purple_martin, Progne_subis", + "783": "wood_swallow, swallow_shrike", + "784": "tanager", + "785": "scarlet_tanager, Piranga_olivacea, redbird, firebird", + "786": "western_tanager, Piranga_ludoviciana", + "787": "summer_tanager, summer_redbird, Piranga_rubra", + "788": "hepatic_tanager, Piranga_flava_hepatica", + "789": "shrike", + "790": "butcherbird", + "791": "European_shrike, Lanius_excubitor", + "792": "northern_shrike, Lanius_borealis", + "793": "white-rumped_shrike, Lanius_ludovicianus_excubitorides", + "794": "loggerhead_shrike, Lanius_lucovicianus", + "795": "migrant_shrike, Lanius_ludovicianus_migrans", + "796": "bush_shrike", + "797": "black-fronted_bush_shrike, Chlorophoneus_nigrifrons", + "798": "bowerbird, catbird", + "799": "satin_bowerbird, satin_bird, Ptilonorhynchus_violaceus", + "800": "great_bowerbird, Chlamydera_nuchalis", + "801": "water_ouzel, dipper", + "802": "European_water_ouzel, Cinclus_aquaticus", + "803": "American_water_ouzel, Cinclus_mexicanus", + "804": "vireo", + "805": "red-eyed_vireo, Vireo_olivaceous", + "806": "solitary_vireo, Vireo_solitarius", + "807": "blue-headed_vireo, Vireo_solitarius_solitarius", + "808": "waxwing", + "809": "cedar_waxwing, cedarbird, Bombycilla_cedrorun", + "810": "Bohemian_waxwing, Bombycilla_garrulus", + "811": "bird_of_prey, raptor, raptorial_bird", + "812": "Accipitriformes, order_Accipitriformes", + "813": "hawk", + "814": "eyas", + "815": "tiercel, tercel, tercelet", + "816": "goshawk, Accipiter_gentilis", + "817": "sparrow_hawk, Accipiter_nisus", + "818": "Cooper's_hawk, blue_darter, Accipiter_cooperii", + "819": "chicken_hawk, hen_hawk", + "820": "buteonine", + "821": "redtail, red-tailed_hawk, Buteo_jamaicensis", + "822": "rough-legged_hawk, roughleg, Buteo_lagopus", + "823": "red-shouldered_hawk, Buteo_lineatus", + "824": "buzzard, Buteo_buteo", + "825": "honey_buzzard, Pernis_apivorus", + "826": "kite", + "827": "black_kite, Milvus_migrans", + "828": "swallow-tailed_kite, swallow-tailed_hawk, Elanoides_forficatus", + "829": "white-tailed_kite, Elanus_leucurus", + "830": "harrier", + "831": "marsh_harrier, Circus_Aeruginosus", + "832": "Montagu's_harrier, Circus_pygargus", + "833": "marsh_hawk, northern_harrier, hen_harrier, Circus_cyaneus", + "834": "harrier_eagle, short-toed_eagle", + "835": "falcon", + "836": "peregrine, peregrine_falcon, Falco_peregrinus", + "837": "falcon-gentle, falcon-gentil", + "838": "gyrfalcon, gerfalcon, Falco_rusticolus", + "839": "kestrel, Falco_tinnunculus", + "840": "sparrow_hawk, American_kestrel, kestrel, Falco_sparverius", + "841": "pigeon_hawk, merlin, Falco_columbarius", + "842": "hobby, Falco_subbuteo", + "843": "caracara", + "844": "Audubon's_caracara, Polyborus_cheriway_audubonii", + "845": "carancha, Polyborus_plancus", + "846": "eagle, bird_of_Jove", + "847": "young_bird", + "848": "eaglet", + "849": "harpy, harpy_eagle, Harpia_harpyja", + "850": "golden_eagle, Aquila_chrysaetos", + "851": "tawny_eagle, Aquila_rapax", + "852": "bald_eagle, American_eagle, Haliaeetus_leucocephalus", + "853": "sea_eagle", + "854": "Kamchatkan_sea_eagle, Stellar's_sea_eagle, Haliaeetus_pelagicus", + "855": "ern, erne, grey_sea_eagle, gray_sea_eagle, European_sea_eagle, white-tailed_sea_eagle, Haliatus_albicilla", + "856": "fishing_eagle, Haliaeetus_leucorhyphus", + "857": "osprey, fish_hawk, fish_eagle, sea_eagle, Pandion_haliaetus", + "858": "vulture", + "859": "Aegypiidae, family_Aegypiidae", + "860": "Old_World_vulture", + "861": "griffon_vulture, griffon, Gyps_fulvus", + "862": "bearded_vulture, lammergeier, lammergeyer, Gypaetus_barbatus", + "863": "Egyptian_vulture, Pharaoh's_chicken, Neophron_percnopterus", + "864": "black_vulture, Aegypius_monachus", + "865": "secretary_bird, Sagittarius_serpentarius", + "866": "New_World_vulture, cathartid", + "867": "buzzard, turkey_buzzard, turkey_vulture, Cathartes_aura", + "868": "condor", + "869": "Andean_condor, Vultur_gryphus", + "870": "California_condor, Gymnogyps_californianus", + "871": "black_vulture, carrion_crow, Coragyps_atratus", + "872": "king_vulture, Sarcorhamphus_papa", + "873": "owl, bird_of_Minerva, bird_of_night, hooter", + "874": "owlet", + "875": "little_owl, Athene_noctua", + "876": "horned_owl", + "877": "great_horned_owl, Bubo_virginianus", + "878": "great_grey_owl, great_gray_owl, Strix_nebulosa", + "879": "tawny_owl, Strix_aluco", + "880": "barred_owl, Strix_varia", + "881": "screech_owl, Otus_asio", + "882": "screech_owl", + "883": "scops_owl", + "884": "spotted_owl, Strix_occidentalis", + "885": "Old_World_scops_owl, Otus_scops", + "886": "Oriental_scops_owl, Otus_sunia", + "887": "hoot_owl", + "888": "hawk_owl, Surnia_ulula", + "889": "long-eared_owl, Asio_otus", + "890": "laughing_owl, laughing_jackass, Sceloglaux_albifacies", + "891": "barn_owl, Tyto_alba", + "892": "amphibian", + "893": "Ichyostega", + "894": "urodele, caudate", + "895": "salamander", + "896": "European_fire_salamander, Salamandra_salamandra", + "897": "spotted_salamander, fire_salamander, Salamandra_maculosa", + "898": "alpine_salamander, Salamandra_atra", + "899": "newt, triton", + "900": "common_newt, Triturus_vulgaris", + "901": "red_eft, Notophthalmus_viridescens", + "902": "Pacific_newt", + "903": "rough-skinned_newt, Taricha_granulosa", + "904": "California_newt, Taricha_torosa", + "905": "eft", + "906": "ambystomid, ambystomid_salamander", + "907": "mole_salamander, Ambystoma_talpoideum", + "908": "spotted_salamander, Ambystoma_maculatum", + "909": "tiger_salamander, Ambystoma_tigrinum", + "910": "axolotl, mud_puppy, Ambystoma_mexicanum", + "911": "waterdog", + "912": "hellbender, mud_puppy, Cryptobranchus_alleganiensis", + "913": "giant_salamander, Megalobatrachus_maximus", + "914": "olm, Proteus_anguinus", + "915": "mud_puppy, Necturus_maculosus", + "916": "dicamptodon, dicamptodontid", + "917": "Pacific_giant_salamander, Dicamptodon_ensatus", + "918": "olympic_salamander, Rhyacotriton_olympicus", + "919": "lungless_salamander, plethodont", + "920": "eastern_red-backed_salamander, Plethodon_cinereus", + "921": "western_red-backed_salamander, Plethodon_vehiculum", + "922": "dusky_salamander", + "923": "climbing_salamander", + "924": "arboreal_salamander, Aneides_lugubris", + "925": "slender_salamander, worm_salamander", + "926": "web-toed_salamander", + "927": "Shasta_salamander, Hydromantes_shastae", + "928": "limestone_salamander, Hydromantes_brunus", + "929": "amphiuma, congo_snake, congo_eel, blind_eel", + "930": "siren", + "931": "frog, toad, toad_frog, anuran, batrachian, salientian", + "932": "true_frog, ranid", + "933": "wood-frog, wood_frog, Rana_sylvatica", + "934": "leopard_frog, spring_frog, Rana_pipiens", + "935": "bullfrog, Rana_catesbeiana", + "936": "green_frog, spring_frog, Rana_clamitans", + "937": "cascades_frog, Rana_cascadae", + "938": "goliath_frog, Rana_goliath", + "939": "pickerel_frog, Rana_palustris", + "940": "tarahumara_frog, Rana_tarahumarae", + "941": "grass_frog, Rana_temporaria", + "942": "leptodactylid_frog, leptodactylid", + "943": "robber_frog", + "944": "barking_frog, robber_frog, Hylactophryne_augusti", + "945": "crapaud, South_American_bullfrog, Leptodactylus_pentadactylus", + "946": "tree_frog, tree-frog", + "947": "tailed_frog, bell_toad, ribbed_toad, tailed_toad, Ascaphus_trui", + "948": "Liopelma_hamiltoni", + "949": "true_toad", + "950": "bufo", + "951": "agua, agua_toad, Bufo_marinus", + "952": "European_toad, Bufo_bufo", + "953": "natterjack, Bufo_calamita", + "954": "American_toad, Bufo_americanus", + "955": "Eurasian_green_toad, Bufo_viridis", + "956": "American_green_toad, Bufo_debilis", + "957": "Yosemite_toad, Bufo_canorus", + "958": "Texas_toad, Bufo_speciosus", + "959": "southwestern_toad, Bufo_microscaphus", + "960": "western_toad, Bufo_boreas", + "961": "obstetrical_toad, midwife_toad, Alytes_obstetricans", + "962": "midwife_toad, Alytes_cisternasi", + "963": "fire-bellied_toad, Bombina_bombina", + "964": "spadefoot, spadefoot_toad", + "965": "western_spadefoot, Scaphiopus_hammondii", + "966": "southern_spadefoot, Scaphiopus_multiplicatus", + "967": "plains_spadefoot, Scaphiopus_bombifrons", + "968": "tree_toad, tree_frog, tree-frog", + "969": "spring_peeper, Hyla_crucifer", + "970": "Pacific_tree_toad, Hyla_regilla", + "971": "canyon_treefrog, Hyla_arenicolor", + "972": "chameleon_tree_frog", + "973": "cricket_frog", + "974": "northern_cricket_frog, Acris_crepitans", + "975": "eastern_cricket_frog, Acris_gryllus", + "976": "chorus_frog", + "977": "lowland_burrowing_treefrog, northern_casque-headed_frog, Pternohyla_fodiens", + "978": "western_narrow-mouthed_toad, Gastrophryne_olivacea", + "979": "eastern_narrow-mouthed_toad, Gastrophryne_carolinensis", + "980": "sheep_frog", + "981": "tongueless_frog", + "982": "Surinam_toad, Pipa_pipa, Pipa_americana", + "983": "African_clawed_frog, Xenopus_laevis", + "984": "South_American_poison_toad", + "985": "caecilian, blindworm", + "986": "reptile, reptilian", + "987": "anapsid, anapsid_reptile", + "988": "diapsid, diapsid_reptile", + "989": "Diapsida, subclass_Diapsida", + "990": "chelonian, chelonian_reptile", + "991": "turtle", + "992": "sea_turtle, marine_turtle", + "993": "green_turtle, Chelonia_mydas", + "994": "loggerhead, loggerhead_turtle, Caretta_caretta", + "995": "ridley", + "996": "Atlantic_ridley, bastard_ridley, bastard_turtle, Lepidochelys_kempii", + "997": "Pacific_ridley, olive_ridley, Lepidochelys_olivacea", + "998": "hawksbill_turtle, hawksbill, hawkbill, tortoiseshell_turtle, Eretmochelys_imbricata", + "999": "leatherback_turtle, leatherback, leathery_turtle, Dermochelys_coriacea", + "1000": "snapping_turtle", + "1001": "common_snapping_turtle, snapper, Chelydra_serpentina", + "1002": "alligator_snapping_turtle, alligator_snapper, Macroclemys_temmincki", + "1003": "mud_turtle", + "1004": "musk_turtle, stinkpot", + "1005": "terrapin", + "1006": "diamondback_terrapin, Malaclemys_centrata", + "1007": "red-bellied_terrapin, red-bellied_turtle, redbelly, Pseudemys_rubriventris", + "1008": "slider, yellow-bellied_terrapin, Pseudemys_scripta", + "1009": "cooter, river_cooter, Pseudemys_concinna", + "1010": "box_turtle, box_tortoise", + "1011": "Western_box_turtle, Terrapene_ornata", + "1012": "painted_turtle, painted_terrapin, painted_tortoise, Chrysemys_picta", + "1013": "tortoise", + "1014": "European_tortoise, Testudo_graeca", + "1015": "giant_tortoise", + "1016": "gopher_tortoise, gopher_turtle, gopher, Gopherus_polypemus", + "1017": "desert_tortoise, Gopherus_agassizii", + "1018": "Texas_tortoise", + "1019": "soft-shelled_turtle, pancake_turtle", + "1020": "spiny_softshell, Trionyx_spiniferus", + "1021": "smooth_softshell, Trionyx_muticus", + "1022": "tuatara, Sphenodon_punctatum", + "1023": "saurian", + "1024": "lizard", + "1025": "gecko", + "1026": "flying_gecko, fringed_gecko, Ptychozoon_homalocephalum", + "1027": "banded_gecko", + "1028": "iguanid, iguanid_lizard", + "1029": "common_iguana, iguana, Iguana_iguana", + "1030": "marine_iguana, Amblyrhynchus_cristatus", + "1031": "desert_iguana, Dipsosaurus_dorsalis", + "1032": "chuckwalla, Sauromalus_obesus", + "1033": "zebra-tailed_lizard, gridiron-tailed_lizard, Callisaurus_draconoides", + "1034": "fringe-toed_lizard, Uma_notata", + "1035": "earless_lizard", + "1036": "collared_lizard", + "1037": "leopard_lizard", + "1038": "spiny_lizard", + "1039": "fence_lizard", + "1040": "western_fence_lizard, swift, blue-belly, Sceloporus_occidentalis", + "1041": "eastern_fence_lizard, pine_lizard, Sceloporus_undulatus", + "1042": "sagebrush_lizard, Sceloporus_graciosus", + "1043": "side-blotched_lizard, sand_lizard, Uta_stansburiana", + "1044": "tree_lizard, Urosaurus_ornatus", + "1045": "horned_lizard, horned_toad, horny_frog", + "1046": "Texas_horned_lizard, Phrynosoma_cornutum", + "1047": "basilisk", + "1048": "American_chameleon, anole, Anolis_carolinensis", + "1049": "worm_lizard", + "1050": "night_lizard", + "1051": "skink, scincid, scincid_lizard", + "1052": "western_skink, Eumeces_skiltonianus", + "1053": "mountain_skink, Eumeces_callicephalus", + "1054": "teiid_lizard, teiid", + "1055": "whiptail, whiptail_lizard", + "1056": "racerunner, race_runner, six-lined_racerunner, Cnemidophorus_sexlineatus", + "1057": "plateau_striped_whiptail, Cnemidophorus_velox", + "1058": "Chihuahuan_spotted_whiptail, Cnemidophorus_exsanguis", + "1059": "western_whiptail, Cnemidophorus_tigris", + "1060": "checkered_whiptail, Cnemidophorus_tesselatus", + "1061": "teju", + "1062": "caiman_lizard", + "1063": "agamid, agamid_lizard", + "1064": "agama", + "1065": "frilled_lizard, Chlamydosaurus_kingi", + "1066": "moloch", + "1067": "mountain_devil, spiny_lizard, Moloch_horridus", + "1068": "anguid_lizard", + "1069": "alligator_lizard", + "1070": "blindworm, slowworm, Anguis_fragilis", + "1071": "glass_lizard, glass_snake, joint_snake", + "1072": "legless_lizard", + "1073": "Lanthanotus_borneensis", + "1074": "venomous_lizard", + "1075": "Gila_monster, Heloderma_suspectum", + "1076": "beaded_lizard, Mexican_beaded_lizard, Heloderma_horridum", + "1077": "lacertid_lizard, lacertid", + "1078": "sand_lizard, Lacerta_agilis", + "1079": "green_lizard, Lacerta_viridis", + "1080": "chameleon, chamaeleon", + "1081": "African_chameleon, Chamaeleo_chamaeleon", + "1082": "horned_chameleon, Chamaeleo_oweni", + "1083": "monitor, monitor_lizard, varan", + "1084": "African_monitor, Varanus_niloticus", + "1085": "Komodo_dragon, Komodo_lizard, dragon_lizard, giant_lizard, Varanus_komodoensis", + "1086": "crocodilian_reptile, crocodilian", + "1087": "crocodile", + "1088": "African_crocodile, Nile_crocodile, Crocodylus_niloticus", + "1089": "Asian_crocodile, Crocodylus_porosus", + "1090": "Morlett's_crocodile", + "1091": "false_gavial, Tomistoma_schlegeli", + "1092": "alligator, gator", + "1093": "American_alligator, Alligator_mississipiensis", + "1094": "Chinese_alligator, Alligator_sinensis", + "1095": "caiman, cayman", + "1096": "spectacled_caiman, Caiman_sclerops", + "1097": "gavial, Gavialis_gangeticus", + "1098": "armored_dinosaur", + "1099": "stegosaur, stegosaurus, Stegosaur_stenops", + "1100": "ankylosaur, ankylosaurus", + "1101": "Edmontonia", + "1102": "bone-headed_dinosaur", + "1103": "pachycephalosaur, pachycephalosaurus", + "1104": "ceratopsian, horned_dinosaur", + "1105": "protoceratops", + "1106": "triceratops", + "1107": "styracosaur, styracosaurus", + "1108": "psittacosaur, psittacosaurus", + "1109": "ornithopod, ornithopod_dinosaur", + "1110": "hadrosaur, hadrosaurus, duck-billed_dinosaur", + "1111": "trachodon, trachodont", + "1112": "saurischian, saurischian_dinosaur", + "1113": "sauropod, sauropod_dinosaur", + "1114": "apatosaur, apatosaurus, brontosaur, brontosaurus, thunder_lizard, Apatosaurus_excelsus", + "1115": "barosaur, barosaurus", + "1116": "diplodocus", + "1117": "argentinosaur", + "1118": "theropod, theropod_dinosaur, bird-footed_dinosaur", + "1119": "ceratosaur, ceratosaurus", + "1120": "coelophysis", + "1121": "tyrannosaur, tyrannosaurus, Tyrannosaurus_rex", + "1122": "allosaur, allosaurus", + "1123": "ornithomimid", + "1124": "maniraptor", + "1125": "oviraptorid", + "1126": "velociraptor", + "1127": "deinonychus", + "1128": "utahraptor, superslasher", + "1129": "synapsid, synapsid_reptile", + "1130": "dicynodont", + "1131": "pelycosaur", + "1132": "dimetrodon", + "1133": "pterosaur, flying_reptile", + "1134": "pterodactyl", + "1135": "ichthyosaur", + "1136": "ichthyosaurus", + "1137": "stenopterygius, Stenopterygius_quadrisicissus", + "1138": "plesiosaur, plesiosaurus", + "1139": "nothosaur", + "1140": "snake, serpent, ophidian", + "1141": "colubrid_snake, colubrid", + "1142": "hoop_snake", + "1143": "thunder_snake, worm_snake, Carphophis_amoenus", + "1144": "ringneck_snake, ring-necked_snake, ring_snake", + "1145": "hognose_snake, puff_adder, sand_viper", + "1146": "leaf-nosed_snake", + "1147": "green_snake, grass_snake", + "1148": "smooth_green_snake, Opheodrys_vernalis", + "1149": "rough_green_snake, Opheodrys_aestivus", + "1150": "green_snake", + "1151": "racer", + "1152": "blacksnake, black_racer, Coluber_constrictor", + "1153": "blue_racer, Coluber_constrictor_flaviventris", + "1154": "horseshoe_whipsnake, Coluber_hippocrepis", + "1155": "whip-snake, whip_snake, whipsnake", + "1156": "coachwhip, coachwhip_snake, Masticophis_flagellum", + "1157": "California_whipsnake, striped_racer, Masticophis_lateralis", + "1158": "Sonoran_whipsnake, Masticophis_bilineatus", + "1159": "rat_snake", + "1160": "corn_snake, red_rat_snake, Elaphe_guttata", + "1161": "black_rat_snake, blacksnake, pilot_blacksnake, mountain_blacksnake, Elaphe_obsoleta", + "1162": "chicken_snake", + "1163": "Indian_rat_snake, Ptyas_mucosus", + "1164": "glossy_snake, Arizona_elegans", + "1165": "bull_snake, bull-snake", + "1166": "gopher_snake, Pituophis_melanoleucus", + "1167": "pine_snake", + "1168": "king_snake, kingsnake", + "1169": "common_kingsnake, Lampropeltis_getulus", + "1170": "milk_snake, house_snake, milk_adder, checkered_adder, Lampropeltis_triangulum", + "1171": "garter_snake, grass_snake", + "1172": "common_garter_snake, Thamnophis_sirtalis", + "1173": "ribbon_snake, Thamnophis_sauritus", + "1174": "Western_ribbon_snake, Thamnophis_proximus", + "1175": "lined_snake, Tropidoclonion_lineatum", + "1176": "ground_snake, Sonora_semiannulata", + "1177": "eastern_ground_snake, Potamophis_striatula, Haldea_striatula", + "1178": "water_snake", + "1179": "common_water_snake, banded_water_snake, Natrix_sipedon, Nerodia_sipedon", + "1180": "water_moccasin", + "1181": "grass_snake, ring_snake, ringed_snake, Natrix_natrix", + "1182": "viperine_grass_snake, Natrix_maura", + "1183": "red-bellied_snake, Storeria_occipitamaculata", + "1184": "sand_snake", + "1185": "banded_sand_snake, Chilomeniscus_cinctus", + "1186": "black-headed_snake", + "1187": "vine_snake", + "1188": "lyre_snake", + "1189": "Sonoran_lyre_snake, Trimorphodon_lambda", + "1190": "night_snake, Hypsiglena_torquata", + "1191": "blind_snake, worm_snake", + "1192": "western_blind_snake, Leptotyphlops_humilis", + "1193": "indigo_snake, gopher_snake, Drymarchon_corais", + "1194": "eastern_indigo_snake, Drymarchon_corais_couperi", + "1195": "constrictor", + "1196": "boa", + "1197": "boa_constrictor, Constrictor_constrictor", + "1198": "rubber_boa, tow-headed_snake, Charina_bottae", + "1199": "rosy_boa, Lichanura_trivirgata", + "1200": "anaconda, Eunectes_murinus", + "1201": "python", + "1202": "carpet_snake, Python_variegatus, Morelia_spilotes_variegatus", + "1203": "reticulated_python, Python_reticulatus", + "1204": "Indian_python, Python_molurus", + "1205": "rock_python, rock_snake, Python_sebae", + "1206": "amethystine_python", + "1207": "elapid, elapid_snake", + "1208": "coral_snake, harlequin-snake, New_World_coral_snake", + "1209": "eastern_coral_snake, Micrurus_fulvius", + "1210": "western_coral_snake, Micruroides_euryxanthus", + "1211": "coral_snake, Old_World_coral_snake", + "1212": "African_coral_snake, Aspidelaps_lubricus", + "1213": "Australian_coral_snake, Rhynchoelaps_australis", + "1214": "copperhead, Denisonia_superba", + "1215": "cobra", + "1216": "Indian_cobra, Naja_naja", + "1217": "asp, Egyptian_cobra, Naja_haje", + "1218": "black-necked_cobra, spitting_cobra, Naja_nigricollis", + "1219": "hamadryad, king_cobra, Ophiophagus_hannah, Naja_hannah", + "1220": "ringhals, rinkhals, spitting_snake, Hemachatus_haemachatus", + "1221": "mamba", + "1222": "black_mamba, Dendroaspis_augusticeps", + "1223": "green_mamba", + "1224": "death_adder, Acanthophis_antarcticus", + "1225": "tiger_snake, Notechis_scutatus", + "1226": "Australian_blacksnake, Pseudechis_porphyriacus", + "1227": "krait", + "1228": "banded_krait, banded_adder, Bungarus_fasciatus", + "1229": "taipan, Oxyuranus_scutellatus", + "1230": "sea_snake", + "1231": "viper", + "1232": "adder, common_viper, Vipera_berus", + "1233": "asp, asp_viper, Vipera_aspis", + "1234": "puff_adder, Bitis_arietans", + "1235": "gaboon_viper, Bitis_gabonica", + "1236": "horned_viper, cerastes, sand_viper, horned_asp, Cerastes_cornutus", + "1237": "pit_viper", + "1238": "copperhead, Agkistrodon_contortrix", + "1239": "water_moccasin, cottonmouth, cottonmouth_moccasin, Agkistrodon_piscivorus", + "1240": "rattlesnake, rattler", + "1241": "diamondback, diamondback_rattlesnake, Crotalus_adamanteus", + "1242": "timber_rattlesnake, banded_rattlesnake, Crotalus_horridus_horridus", + "1243": "canebrake_rattlesnake, canebrake_rattler, Crotalus_horridus_atricaudatus", + "1244": "prairie_rattlesnake, prairie_rattler, Western_rattlesnake, Crotalus_viridis", + "1245": "sidewinder, horned_rattlesnake, Crotalus_cerastes", + "1246": "Western_diamondback, Western_diamondback_rattlesnake, Crotalus_atrox", + "1247": "rock_rattlesnake, Crotalus_lepidus", + "1248": "tiger_rattlesnake, Crotalus_tigris", + "1249": "Mojave_rattlesnake, Crotalus_scutulatus", + "1250": "speckled_rattlesnake, Crotalus_mitchellii", + "1251": "massasauga, massasauga_rattler, Sistrurus_catenatus", + "1252": "ground_rattler, massasauga, Sistrurus_miliaris", + "1253": "fer-de-lance, Bothrops_atrops", + "1254": "carcase, carcass", + "1255": "carrion", + "1256": "arthropod", + "1257": "trilobite", + "1258": "arachnid, arachnoid", + "1259": "harvestman, daddy_longlegs, Phalangium_opilio", + "1260": "scorpion", + "1261": "false_scorpion, pseudoscorpion", + "1262": "book_scorpion, Chelifer_cancroides", + "1263": "whip-scorpion, whip_scorpion", + "1264": "vinegarroon, Mastigoproctus_giganteus", + "1265": "spider", + "1266": "orb-weaving_spider", + "1267": "black_and_gold_garden_spider, Argiope_aurantia", + "1268": "barn_spider, Araneus_cavaticus", + "1269": "garden_spider, Aranea_diademata", + "1270": "comb-footed_spider, theridiid", + "1271": "black_widow, Latrodectus_mactans", + "1272": "tarantula", + "1273": "wolf_spider, hunting_spider", + "1274": "European_wolf_spider, tarantula, Lycosa_tarentula", + "1275": "trap-door_spider", + "1276": "acarine", + "1277": "tick", + "1278": "hard_tick, ixodid", + "1279": "Ixodes_dammini, deer_tick", + "1280": "Ixodes_neotomae", + "1281": "Ixodes_pacificus, western_black-legged_tick", + "1282": "Ixodes_scapularis, black-legged_tick", + "1283": "sheep-tick, sheep_tick, Ixodes_ricinus", + "1284": "Ixodes_persulcatus", + "1285": "Ixodes_dentatus", + "1286": "Ixodes_spinipalpis", + "1287": "wood_tick, American_dog_tick, Dermacentor_variabilis", + "1288": "soft_tick, argasid", + "1289": "mite", + "1290": "web-spinning_mite", + "1291": "acarid", + "1292": "trombidiid", + "1293": "trombiculid", + "1294": "harvest_mite, chigger, jigger, redbug", + "1295": "acarus, genus_Acarus", + "1296": "itch_mite, sarcoptid", + "1297": "rust_mite", + "1298": "spider_mite, tetranychid", + "1299": "red_spider, red_spider_mite, Panonychus_ulmi", + "1300": "myriapod", + "1301": "garden_centipede, garden_symphilid, symphilid, Scutigerella_immaculata", + "1302": "tardigrade", + "1303": "centipede", + "1304": "house_centipede, Scutigera_coleoptrata", + "1305": "millipede, millepede, milliped", + "1306": "sea_spider, pycnogonid", + "1307": "Merostomata, class_Merostomata", + "1308": "horseshoe_crab, king_crab, Limulus_polyphemus, Xiphosurus_polyphemus", + "1309": "Asian_horseshoe_crab", + "1310": "eurypterid", + "1311": "tongue_worm, pentastomid", + "1312": "gallinaceous_bird, gallinacean", + "1313": "domestic_fowl, fowl, poultry", + "1314": "Dorking", + "1315": "Plymouth_Rock", + "1316": "Cornish, Cornish_fowl", + "1317": "Rock_Cornish", + "1318": "game_fowl", + "1319": "cochin, cochin_china", + "1320": "jungle_fowl, gallina", + "1321": "jungle_cock", + "1322": "jungle_hen", + "1323": "red_jungle_fowl, Gallus_gallus", + "1324": "chicken, Gallus_gallus", + "1325": "bantam", + "1326": "chick, biddy", + "1327": "cock, rooster", + "1328": "cockerel", + "1329": "capon", + "1330": "hen, biddy", + "1331": "cackler", + "1332": "brood_hen, broody, broody_hen, setting_hen, sitter", + "1333": "mother_hen", + "1334": "layer", + "1335": "pullet", + "1336": "spring_chicken", + "1337": "Rhode_Island_red", + "1338": "Dominique, Dominick", + "1339": "Orpington", + "1340": "turkey, Meleagris_gallopavo", + "1341": "turkey_cock, gobbler, tom, tom_turkey", + "1342": "ocellated_turkey, Agriocharis_ocellata", + "1343": "grouse", + "1344": "black_grouse", + "1345": "European_black_grouse, heathfowl, Lyrurus_tetrix", + "1346": "Asian_black_grouse, Lyrurus_mlokosiewiczi", + "1347": "blackcock, black_cock", + "1348": "greyhen, grayhen, grey_hen, gray_hen, heath_hen", + "1349": "ptarmigan", + "1350": "red_grouse, moorfowl, moorbird, moor-bird, moorgame, Lagopus_scoticus", + "1351": "moorhen", + "1352": "capercaillie, capercailzie, horse_of_the_wood, Tetrao_urogallus", + "1353": "spruce_grouse, Canachites_canadensis", + "1354": "sage_grouse, sage_hen, Centrocercus_urophasianus", + "1355": "ruffed_grouse, partridge, Bonasa_umbellus", + "1356": "sharp-tailed_grouse, sprigtail, sprig_tail, Pedioecetes_phasianellus", + "1357": "prairie_chicken, prairie_grouse, prairie_fowl", + "1358": "greater_prairie_chicken, Tympanuchus_cupido", + "1359": "lesser_prairie_chicken, Tympanuchus_pallidicinctus", + "1360": "heath_hen, Tympanuchus_cupido_cupido", + "1361": "guan", + "1362": "curassow", + "1363": "piping_guan", + "1364": "chachalaca", + "1365": "Texas_chachalaca, Ortilis_vetula_macalli", + "1366": "megapode, mound_bird, mound-bird, mound_builder, scrub_fowl", + "1367": "mallee_fowl, leipoa, lowan, Leipoa_ocellata", + "1368": "mallee_hen", + "1369": "brush_turkey, Alectura_lathami", + "1370": "maleo, Macrocephalon_maleo", + "1371": "phasianid", + "1372": "pheasant", + "1373": "ring-necked_pheasant, Phasianus_colchicus", + "1374": "afropavo, Congo_peafowl, Afropavo_congensis", + "1375": "argus, argus_pheasant", + "1376": "golden_pheasant, Chrysolophus_pictus", + "1377": "bobwhite, bobwhite_quail, partridge", + "1378": "northern_bobwhite, Colinus_virginianus", + "1379": "Old_World_quail", + "1380": "migratory_quail, Coturnix_coturnix, Coturnix_communis", + "1381": "monal, monaul", + "1382": "peafowl, bird_of_Juno", + "1383": "peachick, pea-chick", + "1384": "peacock", + "1385": "peahen", + "1386": "blue_peafowl, Pavo_cristatus", + "1387": "green_peafowl, Pavo_muticus", + "1388": "quail", + "1389": "California_quail, Lofortyx_californicus", + "1390": "tragopan", + "1391": "partridge", + "1392": "Hungarian_partridge, grey_partridge, gray_partridge, Perdix_perdix", + "1393": "red-legged_partridge, Alectoris_ruffa", + "1394": "Greek_partridge, rock_partridge, Alectoris_graeca", + "1395": "mountain_quail, mountain_partridge, Oreortyx_picta_palmeri", + "1396": "guinea_fowl, guinea, Numida_meleagris", + "1397": "guinea_hen", + "1398": "hoatzin, hoactzin, stinkbird, Opisthocomus_hoazin", + "1399": "tinamou, partridge", + "1400": "columbiform_bird", + "1401": "dodo, Raphus_cucullatus", + "1402": "pigeon", + "1403": "pouter_pigeon, pouter", + "1404": "dove", + "1405": "rock_dove, rock_pigeon, Columba_livia", + "1406": "band-tailed_pigeon, band-tail_pigeon, bandtail, Columba_fasciata", + "1407": "wood_pigeon, ringdove, cushat, Columba_palumbus", + "1408": "turtledove", + "1409": "Streptopelia_turtur", + "1410": "ringdove, Streptopelia_risoria", + "1411": "Australian_turtledove, turtledove, Stictopelia_cuneata", + "1412": "mourning_dove, Zenaidura_macroura", + "1413": "domestic_pigeon", + "1414": "squab", + "1415": "fairy_swallow", + "1416": "roller, tumbler, tumbler_pigeon", + "1417": "homing_pigeon, homer", + "1418": "carrier_pigeon", + "1419": "passenger_pigeon, Ectopistes_migratorius", + "1420": "sandgrouse, sand_grouse", + "1421": "painted_sandgrouse, Pterocles_indicus", + "1422": "pin-tailed_sandgrouse, pin-tailed_grouse, Pterocles_alchata", + "1423": "pallas's_sandgrouse, Syrrhaptes_paradoxus", + "1424": "parrot", + "1425": "popinjay", + "1426": "poll, poll_parrot", + "1427": "African_grey, African_gray, Psittacus_erithacus", + "1428": "amazon", + "1429": "macaw", + "1430": "kea, Nestor_notabilis", + "1431": "cockatoo", + "1432": "sulphur-crested_cockatoo, Kakatoe_galerita, Cacatua_galerita", + "1433": "pink_cockatoo, Kakatoe_leadbeateri", + "1434": "cockateel, cockatiel, cockatoo_parrot, Nymphicus_hollandicus", + "1435": "lovebird", + "1436": "lory", + "1437": "lorikeet", + "1438": "varied_Lorikeet, Glossopsitta_versicolor", + "1439": "rainbow_lorikeet, Trichoglossus_moluccanus", + "1440": "parakeet, parrakeet, parroket, paraquet, paroquet, parroquet", + "1441": "Carolina_parakeet, Conuropsis_carolinensis", + "1442": "budgerigar, budgereegah, budgerygah, budgie, grass_parakeet, lovebird, shell_parakeet, Melopsittacus_undulatus", + "1443": "ring-necked_parakeet, Psittacula_krameri", + "1444": "cuculiform_bird", + "1445": "cuckoo", + "1446": "European_cuckoo, Cuculus_canorus", + "1447": "black-billed_cuckoo, Coccyzus_erythropthalmus", + "1448": "roadrunner, chaparral_cock, Geococcyx_californianus", + "1449": "ani", + "1450": "coucal", + "1451": "crow_pheasant, Centropus_sinensis", + "1452": "touraco, turaco, turacou, turakoo", + "1453": "coraciiform_bird", + "1454": "roller", + "1455": "European_roller, Coracias_garrulus", + "1456": "ground_roller", + "1457": "kingfisher", + "1458": "Eurasian_kingfisher, Alcedo_atthis", + "1459": "belted_kingfisher, Ceryle_alcyon", + "1460": "kookaburra, laughing_jackass, Dacelo_gigas", + "1461": "bee_eater", + "1462": "hornbill", + "1463": "hoopoe, hoopoo", + "1464": "Euopean_hoopoe, Upupa_epops", + "1465": "wood_hoopoe", + "1466": "motmot, momot", + "1467": "tody", + "1468": "apodiform_bird", + "1469": "swift", + "1470": "European_swift, Apus_apus", + "1471": "chimney_swift, chimney_swallow, Chateura_pelagica", + "1472": "swiftlet, Collocalia_inexpectata", + "1473": "tree_swift, crested_swift", + "1474": "hummingbird", + "1475": "Archilochus_colubris", + "1476": "thornbill", + "1477": "goatsucker, nightjar, caprimulgid", + "1478": "European_goatsucker, European_nightjar, Caprimulgus_europaeus", + "1479": "chuck-will's-widow, Caprimulgus_carolinensis", + "1480": "whippoorwill, Caprimulgus_vociferus", + "1481": "poorwill, Phalaenoptilus_nuttallii", + "1482": "frogmouth", + "1483": "oilbird, guacharo, Steatornis_caripensis", + "1484": "piciform_bird", + "1485": "woodpecker, peckerwood, pecker", + "1486": "green_woodpecker, Picus_viridis", + "1487": "downy_woodpecker", + "1488": "flicker", + "1489": "yellow-shafted_flicker, Colaptes_auratus, yellowhammer", + "1490": "gilded_flicker, Colaptes_chrysoides", + "1491": "red-shafted_flicker, Colaptes_caper_collaris", + "1492": "ivorybill, ivory-billed_woodpecker, Campephilus_principalis", + "1493": "redheaded_woodpecker, redhead, Melanerpes_erythrocephalus", + "1494": "sapsucker", + "1495": "yellow-bellied_sapsucker, Sphyrapicus_varius", + "1496": "red-breasted_sapsucker, Sphyrapicus_varius_ruber", + "1497": "wryneck", + "1498": "piculet", + "1499": "barbet", + "1500": "puffbird", + "1501": "honey_guide", + "1502": "jacamar", + "1503": "toucan", + "1504": "toucanet", + "1505": "trogon", + "1506": "quetzal, quetzal_bird", + "1507": "resplendent_quetzel, resplendent_trogon, Pharomacrus_mocino", + "1508": "aquatic_bird", + "1509": "waterfowl, water_bird, waterbird", + "1510": "anseriform_bird", + "1511": "duck", + "1512": "drake", + "1513": "quack-quack", + "1514": "duckling", + "1515": "diving_duck", + "1516": "dabbling_duck, dabbler", + "1517": "mallard, Anas_platyrhynchos", + "1518": "black_duck, Anas_rubripes", + "1519": "teal", + "1520": "greenwing, green-winged_teal, Anas_crecca", + "1521": "bluewing, blue-winged_teal, Anas_discors", + "1522": "garganey, Anas_querquedula", + "1523": "widgeon, wigeon, Anas_penelope", + "1524": "American_widgeon, baldpate, Anas_americana", + "1525": "shoveler, shoveller, broadbill, Anas_clypeata", + "1526": "pintail, pin-tailed_duck, Anas_acuta", + "1527": "sheldrake", + "1528": "shelduck", + "1529": "ruddy_duck, Oxyura_jamaicensis", + "1530": "bufflehead, butterball, dipper, Bucephela_albeola", + "1531": "goldeneye, whistler, Bucephela_clangula", + "1532": "Barrow's_goldeneye, Bucephala_islandica", + "1533": "canvasback, canvasback_duck, Aythya_valisineria", + "1534": "pochard, Aythya_ferina", + "1535": "redhead, Aythya_americana", + "1536": "scaup, scaup_duck, bluebill, broadbill", + "1537": "greater_scaup, Aythya_marila", + "1538": "lesser_scaup, lesser_scaup_duck, lake_duck, Aythya_affinis", + "1539": "wild_duck", + "1540": "wood_duck, summer_duck, wood_widgeon, Aix_sponsa", + "1541": "wood_drake", + "1542": "mandarin_duck, Aix_galericulata", + "1543": "muscovy_duck, musk_duck, Cairina_moschata", + "1544": "sea_duck", + "1545": "eider, eider_duck", + "1546": "scoter, scooter", + "1547": "common_scoter, Melanitta_nigra", + "1548": "old_squaw, oldwife, Clangula_hyemalis", + "1549": "merganser, fish_duck, sawbill, sheldrake", + "1550": "goosander, Mergus_merganser", + "1551": "American_merganser, Mergus_merganser_americanus", + "1552": "red-breasted_merganser, Mergus_serrator", + "1553": "smew, Mergus_albellus", + "1554": "hooded_merganser, hooded_sheldrake, Lophodytes_cucullatus", + "1555": "goose", + "1556": "gosling", + "1557": "gander", + "1558": "Chinese_goose, Anser_cygnoides", + "1559": "greylag, graylag, greylag_goose, graylag_goose, Anser_anser", + "1560": "blue_goose, Chen_caerulescens", + "1561": "snow_goose", + "1562": "brant, brant_goose, brent, brent_goose", + "1563": "common_brant_goose, Branta_bernicla", + "1564": "honker, Canada_goose, Canadian_goose, Branta_canadensis", + "1565": "barnacle_goose, barnacle, Branta_leucopsis", + "1566": "coscoroba", + "1567": "swan", + "1568": "cob", + "1569": "pen", + "1570": "cygnet", + "1571": "mute_swan, Cygnus_olor", + "1572": "whooper, whooper_swan, Cygnus_cygnus", + "1573": "tundra_swan, Cygnus_columbianus", + "1574": "whistling_swan, Cygnus_columbianus_columbianus", + "1575": "Bewick's_swan, Cygnus_columbianus_bewickii", + "1576": "trumpeter, trumpeter_swan, Cygnus_buccinator", + "1577": "black_swan, Cygnus_atratus", + "1578": "screamer", + "1579": "horned_screamer, Anhima_cornuta", + "1580": "crested_screamer", + "1581": "chaja, Chauna_torquata", + "1582": "mammal, mammalian", + "1583": "female_mammal", + "1584": "tusker", + "1585": "prototherian", + "1586": "monotreme, egg-laying_mammal", + "1587": "echidna, spiny_anteater, anteater", + "1588": "echidna, spiny_anteater, anteater", + "1589": "platypus, duckbill, duckbilled_platypus, duck-billed_platypus, Ornithorhynchus_anatinus", + "1590": "marsupial, pouched_mammal", + "1591": "opossum, possum", + "1592": "common_opossum, Didelphis_virginiana, Didelphis_marsupialis", + "1593": "crab-eating_opossum", + "1594": "opossum_rat", + "1595": "bandicoot", + "1596": "rabbit-eared_bandicoot, rabbit_bandicoot, bilby, Macrotis_lagotis", + "1597": "kangaroo", + "1598": "giant_kangaroo, great_grey_kangaroo, Macropus_giganteus", + "1599": "wallaby, brush_kangaroo", + "1600": "common_wallaby, Macropus_agiles", + "1601": "hare_wallaby, kangaroo_hare", + "1602": "nail-tailed_wallaby, nail-tailed_kangaroo", + "1603": "rock_wallaby, rock_kangaroo", + "1604": "pademelon, paddymelon", + "1605": "tree_wallaby, tree_kangaroo", + "1606": "musk_kangaroo, Hypsiprymnodon_moschatus", + "1607": "rat_kangaroo, kangaroo_rat", + "1608": "potoroo", + "1609": "bettong", + "1610": "jerboa_kangaroo, kangaroo_jerboa", + "1611": "phalanger, opossum, possum", + "1612": "cuscus", + "1613": "brush-tailed_phalanger, Trichosurus_vulpecula", + "1614": "flying_phalanger, flying_opossum, flying_squirrel", + "1615": "koala, koala_bear, kangaroo_bear, native_bear, Phascolarctos_cinereus", + "1616": "wombat", + "1617": "dasyurid_marsupial, dasyurid", + "1618": "dasyure", + "1619": "eastern_dasyure, Dasyurus_quoll", + "1620": "native_cat, Dasyurus_viverrinus", + "1621": "thylacine, Tasmanian_wolf, Tasmanian_tiger, Thylacinus_cynocephalus", + "1622": "Tasmanian_devil, ursine_dasyure, Sarcophilus_hariisi", + "1623": "pouched_mouse, marsupial_mouse, marsupial_rat", + "1624": "numbat, banded_anteater, anteater, Myrmecobius_fasciatus", + "1625": "pouched_mole, marsupial_mole, Notoryctus_typhlops", + "1626": "placental, placental_mammal, eutherian, eutherian_mammal", + "1627": "livestock, stock, farm_animal", + "1628": "bull", + "1629": "cow", + "1630": "calf", + "1631": "calf", + "1632": "yearling", + "1633": "buck", + "1634": "doe", + "1635": "insectivore", + "1636": "mole", + "1637": "starnose_mole, star-nosed_mole, Condylura_cristata", + "1638": "brewer's_mole, hair-tailed_mole, Parascalops_breweri", + "1639": "golden_mole", + "1640": "shrew_mole", + "1641": "Asiatic_shrew_mole, Uropsilus_soricipes", + "1642": "American_shrew_mole, Neurotrichus_gibbsii", + "1643": "shrew, shrewmouse", + "1644": "common_shrew, Sorex_araneus", + "1645": "masked_shrew, Sorex_cinereus", + "1646": "short-tailed_shrew, Blarina_brevicauda", + "1647": "water_shrew", + "1648": "American_water_shrew, Sorex_palustris", + "1649": "European_water_shrew, Neomys_fodiens", + "1650": "Mediterranean_water_shrew, Neomys_anomalus", + "1651": "least_shrew, Cryptotis_parva", + "1652": "hedgehog, Erinaceus_europaeus, Erinaceus_europeaeus", + "1653": "tenrec, tendrac", + "1654": "tailless_tenrec, Tenrec_ecaudatus", + "1655": "otter_shrew, potamogale, Potamogale_velox", + "1656": "eiderdown", + "1657": "aftershaft", + "1658": "sickle_feather", + "1659": "contour_feather", + "1660": "bastard_wing, alula, spurious_wing", + "1661": "saddle_hackle, saddle_feather", + "1662": "encolure", + "1663": "hair", + "1664": "squama", + "1665": "scute", + "1666": "sclerite", + "1667": "plastron", + "1668": "scallop_shell", + "1669": "oyster_shell", + "1670": "theca", + "1671": "invertebrate", + "1672": "sponge, poriferan, parazoan", + "1673": "choanocyte, collar_cell", + "1674": "glass_sponge", + "1675": "Venus's_flower_basket", + "1676": "metazoan", + "1677": "coelenterate, cnidarian", + "1678": "planula", + "1679": "polyp", + "1680": "medusa, medusoid, medusan", + "1681": "jellyfish", + "1682": "scyphozoan", + "1683": "Chrysaora_quinquecirrha", + "1684": "hydrozoan, hydroid", + "1685": "hydra", + "1686": "siphonophore", + "1687": "nanomia", + "1688": "Portuguese_man-of-war, man-of-war, jellyfish", + "1689": "praya", + "1690": "apolemia", + "1691": "anthozoan, actinozoan", + "1692": "sea_anemone, anemone", + "1693": "actinia, actinian, actiniarian", + "1694": "sea_pen", + "1695": "coral", + "1696": "gorgonian, gorgonian_coral", + "1697": "sea_feather", + "1698": "sea_fan", + "1699": "red_coral", + "1700": "stony_coral, madrepore, madriporian_coral", + "1701": "brain_coral", + "1702": "staghorn_coral, stag's-horn_coral", + "1703": "mushroom_coral", + "1704": "ctenophore, comb_jelly", + "1705": "beroe", + "1706": "platyctenean", + "1707": "sea_gooseberry", + "1708": "Venus's_girdle, Cestum_veneris", + "1709": "worm", + "1710": "helminth, parasitic_worm", + "1711": "woodworm", + "1712": "woodborer, borer", + "1713": "acanthocephalan, spiny-headed_worm", + "1714": "arrowworm, chaetognath", + "1715": "bladder_worm", + "1716": "flatworm, platyhelminth", + "1717": "planarian, planaria", + "1718": "fluke, trematode, trematode_worm", + "1719": "cercaria", + "1720": "liver_fluke, Fasciola_hepatica", + "1721": "Fasciolopsis_buski", + "1722": "schistosome, blood_fluke", + "1723": "tapeworm, cestode", + "1724": "echinococcus", + "1725": "taenia", + "1726": "ribbon_worm, nemertean, nemertine, proboscis_worm", + "1727": "beard_worm, pogonophoran", + "1728": "rotifer", + "1729": "nematode, nematode_worm, roundworm", + "1730": "common_roundworm, Ascaris_lumbricoides", + "1731": "chicken_roundworm, Ascaridia_galli", + "1732": "pinworm, threadworm, Enterobius_vermicularis", + "1733": "eelworm", + "1734": "vinegar_eel, vinegar_worm, Anguillula_aceti, Turbatrix_aceti", + "1735": "trichina, Trichinella_spiralis", + "1736": "hookworm", + "1737": "filaria", + "1738": "Guinea_worm, Dracunculus_medinensis", + "1739": "annelid, annelid_worm, segmented_worm", + "1740": "archiannelid", + "1741": "oligochaete, oligochaete_worm", + "1742": "earthworm, angleworm, fishworm, fishing_worm, wiggler, nightwalker, nightcrawler, crawler, dew_worm, red_worm", + "1743": "polychaete, polychete, polychaete_worm, polychete_worm", + "1744": "lugworm, lug, lobworm", + "1745": "sea_mouse", + "1746": "bloodworm", + "1747": "leech, bloodsucker, hirudinean", + "1748": "medicinal_leech, Hirudo_medicinalis", + "1749": "horseleech", + "1750": "mollusk, mollusc, shellfish", + "1751": "scaphopod", + "1752": "tooth_shell, tusk_shell", + "1753": "gastropod, univalve", + "1754": "abalone, ear-shell", + "1755": "ormer, sea-ear, Haliotis_tuberculata", + "1756": "scorpion_shell", + "1757": "conch", + "1758": "giant_conch, Strombus_gigas", + "1759": "snail", + "1760": "edible_snail, Helix_pomatia", + "1761": "garden_snail", + "1762": "brown_snail, Helix_aspersa", + "1763": "Helix_hortensis", + "1764": "slug", + "1765": "seasnail", + "1766": "neritid, neritid_gastropod", + "1767": "nerita", + "1768": "bleeding_tooth, Nerita_peloronta", + "1769": "neritina", + "1770": "whelk", + "1771": "moon_shell, moonshell", + "1772": "periwinkle, winkle", + "1773": "limpet", + "1774": "common_limpet, Patella_vulgata", + "1775": "keyhole_limpet, Fissurella_apertura, Diodora_apertura", + "1776": "river_limpet, freshwater_limpet, Ancylus_fluviatilis", + "1777": "sea_slug, nudibranch", + "1778": "sea_hare, Aplysia_punctata", + "1779": "Hermissenda_crassicornis", + "1780": "bubble_shell", + "1781": "physa", + "1782": "cowrie, cowry", + "1783": "money_cowrie, Cypraea_moneta", + "1784": "tiger_cowrie, Cypraea_tigris", + "1785": "solenogaster, aplacophoran", + "1786": "chiton, coat-of-mail_shell, sea_cradle, polyplacophore", + "1787": "bivalve, pelecypod, lamellibranch", + "1788": "spat", + "1789": "clam", + "1790": "seashell", + "1791": "soft-shell_clam, steamer, steamer_clam, long-neck_clam, Mya_arenaria", + "1792": "quahog, quahaug, hard-shell_clam, hard_clam, round_clam, Venus_mercenaria, Mercenaria_mercenaria", + "1793": "littleneck, littleneck_clam", + "1794": "cherrystone, cherrystone_clam", + "1795": "geoduck", + "1796": "razor_clam, jackknife_clam, knife-handle", + "1797": "giant_clam, Tridacna_gigas", + "1798": "cockle", + "1799": "edible_cockle, Cardium_edule", + "1800": "oyster", + "1801": "Japanese_oyster, Ostrea_gigas", + "1802": "Virginia_oyster", + "1803": "pearl_oyster, Pinctada_margaritifera", + "1804": "saddle_oyster, Anomia_ephippium", + "1805": "window_oyster, windowpane_oyster, capiz, Placuna_placenta", + "1806": "ark_shell", + "1807": "blood_clam", + "1808": "mussel", + "1809": "marine_mussel, mytilid", + "1810": "edible_mussel, Mytilus_edulis", + "1811": "freshwater_mussel, freshwater_clam", + "1812": "pearly-shelled_mussel", + "1813": "thin-shelled_mussel", + "1814": "zebra_mussel, Dreissena_polymorpha", + "1815": "scallop, scollop, escallop", + "1816": "bay_scallop, Pecten_irradians", + "1817": "sea_scallop, giant_scallop, Pecten_magellanicus", + "1818": "shipworm, teredinid", + "1819": "teredo", + "1820": "piddock", + "1821": "cephalopod, cephalopod_mollusk", + "1822": "chambered_nautilus, pearly_nautilus, nautilus", + "1823": "octopod", + "1824": "octopus, devilfish", + "1825": "paper_nautilus, nautilus, Argonaut, Argonauta_argo", + "1826": "decapod", + "1827": "squid", + "1828": "loligo", + "1829": "ommastrephes", + "1830": "architeuthis, giant_squid", + "1831": "cuttlefish, cuttle", + "1832": "spirula, Spirula_peronii", + "1833": "crustacean", + "1834": "malacostracan_crustacean", + "1835": "decapod_crustacean, decapod", + "1836": "brachyuran", + "1837": "crab", + "1838": "stone_crab, Menippe_mercenaria", + "1839": "hard-shell_crab", + "1840": "soft-shell_crab, soft-shelled_crab", + "1841": "Dungeness_crab, Cancer_magister", + "1842": "rock_crab, Cancer_irroratus", + "1843": "Jonah_crab, Cancer_borealis", + "1844": "swimming_crab", + "1845": "English_lady_crab, Portunus_puber", + "1846": "American_lady_crab, lady_crab, calico_crab, Ovalipes_ocellatus", + "1847": "blue_crab, Callinectes_sapidus", + "1848": "fiddler_crab", + "1849": "pea_crab", + "1850": "king_crab, Alaska_crab, Alaskan_king_crab, Alaska_king_crab, Paralithodes_camtschatica", + "1851": "spider_crab", + "1852": "European_spider_crab, king_crab, Maja_squinado", + "1853": "giant_crab, Macrocheira_kaempferi", + "1854": "lobster", + "1855": "true_lobster", + "1856": "American_lobster, Northern_lobster, Maine_lobster, Homarus_americanus", + "1857": "European_lobster, Homarus_vulgaris", + "1858": "Cape_lobster, Homarus_capensis", + "1859": "Norway_lobster, Nephrops_norvegicus", + "1860": "spiny_lobster, langouste, rock_lobster, crawfish, crayfish, sea_crawfish", + "1861": "crayfish, crawfish, crawdad, crawdaddy", + "1862": "Old_World_crayfish, ecrevisse", + "1863": "American_crayfish", + "1864": "hermit_crab", + "1865": "shrimp", + "1866": "snapping_shrimp, pistol_shrimp", + "1867": "prawn", + "1868": "long-clawed_prawn, river_prawn, Palaemon_australis", + "1869": "tropical_prawn", + "1870": "krill", + "1871": "Euphausia_pacifica", + "1872": "opossum_shrimp", + "1873": "stomatopod, stomatopod_crustacean", + "1874": "mantis_shrimp, mantis_crab", + "1875": "squilla, mantis_prawn", + "1876": "isopod", + "1877": "woodlouse, slater", + "1878": "pill_bug", + "1879": "sow_bug", + "1880": "sea_louse, sea_slater", + "1881": "amphipod", + "1882": "skeleton_shrimp", + "1883": "whale_louse", + "1884": "daphnia, water_flea", + "1885": "fairy_shrimp", + "1886": "brine_shrimp, Artemia_salina", + "1887": "tadpole_shrimp", + "1888": "copepod, copepod_crustacean", + "1889": "cyclops, water_flea", + "1890": "seed_shrimp, mussel_shrimp, ostracod", + "1891": "barnacle, cirriped, cirripede", + "1892": "acorn_barnacle, rock_barnacle, Balanus_balanoides", + "1893": "goose_barnacle, gooseneck_barnacle, Lepas_fascicularis", + "1894": "onychophoran, velvet_worm, peripatus", + "1895": "wading_bird, wader", + "1896": "stork", + "1897": "white_stork, Ciconia_ciconia", + "1898": "black_stork, Ciconia_nigra", + "1899": "adjutant_bird, adjutant, adjutant_stork, Leptoptilus_dubius", + "1900": "marabou, marabout, marabou_stork, Leptoptilus_crumeniferus", + "1901": "openbill", + "1902": "jabiru, Jabiru_mycteria", + "1903": "saddlebill, jabiru, Ephippiorhynchus_senegalensis", + "1904": "policeman_bird, black-necked_stork, jabiru, Xenorhyncus_asiaticus", + "1905": "wood_ibis, wood_stork, flinthead, Mycteria_americana", + "1906": "shoebill, shoebird, Balaeniceps_rex", + "1907": "ibis", + "1908": "wood_ibis, wood_stork, Ibis_ibis", + "1909": "sacred_ibis, Threskiornis_aethiopica", + "1910": "spoonbill", + "1911": "common_spoonbill, Platalea_leucorodia", + "1912": "roseate_spoonbill, Ajaia_ajaja", + "1913": "flamingo", + "1914": "heron", + "1915": "great_blue_heron, Ardea_herodius", + "1916": "great_white_heron, Ardea_occidentalis", + "1917": "egret", + "1918": "little_blue_heron, Egretta_caerulea", + "1919": "snowy_egret, snowy_heron, Egretta_thula", + "1920": "little_egret, Egretta_garzetta", + "1921": "great_white_heron, Casmerodius_albus", + "1922": "American_egret, great_white_heron, Egretta_albus", + "1923": "cattle_egret, Bubulcus_ibis", + "1924": "night_heron, night_raven", + "1925": "black-crowned_night_heron, Nycticorax_nycticorax", + "1926": "yellow-crowned_night_heron, Nyctanassa_violacea", + "1927": "boatbill, boat-billed_heron, broadbill, Cochlearius_cochlearius", + "1928": "bittern", + "1929": "American_bittern, stake_driver, Botaurus_lentiginosus", + "1930": "European_bittern, Botaurus_stellaris", + "1931": "least_bittern, Ixobrychus_exilis", + "1932": "crane", + "1933": "whooping_crane, whooper, Grus_americana", + "1934": "courlan, Aramus_guarauna", + "1935": "limpkin, Aramus_pictus", + "1936": "crested_cariama, seriema, Cariama_cristata", + "1937": "chunga, seriema, Chunga_burmeisteri", + "1938": "rail", + "1939": "weka, maori_hen, wood_hen", + "1940": "crake", + "1941": "corncrake, land_rail, Crex_crex", + "1942": "spotted_crake, Porzana_porzana", + "1943": "gallinule, marsh_hen, water_hen, swamphen", + "1944": "Florida_gallinule, Gallinula_chloropus_cachinnans", + "1945": "moorhen, Gallinula_chloropus", + "1946": "purple_gallinule", + "1947": "European_gallinule, Porphyrio_porphyrio", + "1948": "American_gallinule, Porphyrula_martinica", + "1949": "notornis, takahe, Notornis_mantelli", + "1950": "coot", + "1951": "American_coot, marsh_hen, mud_hen, water_hen, Fulica_americana", + "1952": "Old_World_coot, Fulica_atra", + "1953": "bustard", + "1954": "great_bustard, Otis_tarda", + "1955": "plain_turkey, Choriotis_australis", + "1956": "button_quail, button-quail, bustard_quail, hemipode", + "1957": "striped_button_quail, Turnix_sylvatica", + "1958": "plain_wanderer, Pedionomus_torquatus", + "1959": "trumpeter", + "1960": "Brazilian_trumpeter, Psophia_crepitans", + "1961": "seabird, sea_bird, seafowl", + "1962": "shorebird, shore_bird, limicoline_bird", + "1963": "plover", + "1964": "piping_plover, Charadrius_melodus", + "1965": "killdeer, kildeer, killdeer_plover, Charadrius_vociferus", + "1966": "dotterel, dotrel, Charadrius_morinellus, Eudromias_morinellus", + "1967": "golden_plover", + "1968": "lapwing, green_plover, peewit, pewit", + "1969": "turnstone", + "1970": "ruddy_turnstone, Arenaria_interpres", + "1971": "black_turnstone, Arenaria-Melanocephala", + "1972": "sandpiper", + "1973": "surfbird, Aphriza_virgata", + "1974": "European_sandpiper, Actitis_hypoleucos", + "1975": "spotted_sandpiper, Actitis_macularia", + "1976": "least_sandpiper, stint, Erolia_minutilla", + "1977": "red-backed_sandpiper, dunlin, Erolia_alpina", + "1978": "greenshank, Tringa_nebularia", + "1979": "redshank, Tringa_totanus", + "1980": "yellowlegs", + "1981": "greater_yellowlegs, Tringa_melanoleuca", + "1982": "lesser_yellowlegs, Tringa_flavipes", + "1983": "pectoral_sandpiper, jacksnipe, Calidris_melanotos", + "1984": "knot, greyback, grayback, Calidris_canutus", + "1985": "curlew_sandpiper, Calidris_Ferruginea", + "1986": "sanderling, Crocethia_alba", + "1987": "upland_sandpiper, upland_plover, Bartramian_sandpiper, Bartramia_longicauda", + "1988": "ruff, Philomachus_pugnax", + "1989": "reeve", + "1990": "tattler", + "1991": "Polynesian_tattler, Heteroscelus_incanus", + "1992": "willet, Catoptrophorus_semipalmatus", + "1993": "woodcock", + "1994": "Eurasian_woodcock, Scolopax_rusticola", + "1995": "American_woodcock, woodcock_snipe, Philohela_minor", + "1996": "snipe", + "1997": "whole_snipe, Gallinago_gallinago", + "1998": "Wilson's_snipe, Gallinago_gallinago_delicata", + "1999": "great_snipe, woodcock_snipe, Gallinago_media", + "2000": "jacksnipe, half_snipe, Limnocryptes_minima", + "2001": "dowitcher", + "2002": "greyback, grayback, Limnodromus_griseus", + "2003": "red-breasted_snipe, Limnodromus_scolopaceus", + "2004": "curlew", + "2005": "European_curlew, Numenius_arquata", + "2006": "Eskimo_curlew, Numenius_borealis", + "2007": "godwit", + "2008": "Hudsonian_godwit, Limosa_haemastica", + "2009": "stilt, stiltbird, longlegs, long-legs, stilt_plover, Himantopus_stilt", + "2010": "black-necked_stilt, Himantopus_mexicanus", + "2011": "black-winged_stilt, Himantopus_himantopus", + "2012": "white-headed_stilt, Himantopus_himantopus_leucocephalus", + "2013": "kaki, Himantopus_novae-zelandiae", + "2014": "stilt, Australian_stilt", + "2015": "banded_stilt, Cladorhyncus_leucocephalum", + "2016": "avocet", + "2017": "oystercatcher, oyster_catcher", + "2018": "phalarope", + "2019": "red_phalarope, Phalaropus_fulicarius", + "2020": "northern_phalarope, Lobipes_lobatus", + "2021": "Wilson's_phalarope, Steganopus_tricolor", + "2022": "pratincole, glareole", + "2023": "courser", + "2024": "cream-colored_courser, Cursorius_cursor", + "2025": "crocodile_bird, Pluvianus_aegyptius", + "2026": "stone_curlew, thick-knee, Burhinus_oedicnemus", + "2027": "coastal_diving_bird", + "2028": "larid", + "2029": "gull, seagull, sea_gull", + "2030": "mew, mew_gull, sea_mew, Larus_canus", + "2031": "black-backed_gull, great_black-backed_gull, cob, Larus_marinus", + "2032": "herring_gull, Larus_argentatus", + "2033": "laughing_gull, blackcap, pewit, pewit_gull, Larus_ridibundus", + "2034": "ivory_gull, Pagophila_eburnea", + "2035": "kittiwake", + "2036": "tern", + "2037": "sea_swallow, Sterna_hirundo", + "2038": "skimmer", + "2039": "jaeger", + "2040": "parasitic_jaeger, arctic_skua, Stercorarius_parasiticus", + "2041": "skua, bonxie", + "2042": "great_skua, Catharacta_skua", + "2043": "auk", + "2044": "auklet", + "2045": "razorbill, razor-billed_auk, Alca_torda", + "2046": "little_auk, dovekie, Plautus_alle", + "2047": "guillemot", + "2048": "black_guillemot, Cepphus_grylle", + "2049": "pigeon_guillemot, Cepphus_columba", + "2050": "murre", + "2051": "common_murre, Uria_aalge", + "2052": "thick-billed_murre, Uria_lomvia", + "2053": "puffin", + "2054": "Atlantic_puffin, Fratercula_arctica", + "2055": "horned_puffin, Fratercula_corniculata", + "2056": "tufted_puffin, Lunda_cirrhata", + "2057": "gaviiform_seabird", + "2058": "loon, diver", + "2059": "podicipitiform_seabird", + "2060": "grebe", + "2061": "great_crested_grebe, Podiceps_cristatus", + "2062": "red-necked_grebe, Podiceps_grisegena", + "2063": "black-necked_grebe, eared_grebe, Podiceps_nigricollis", + "2064": "dabchick, little_grebe, Podiceps_ruficollis", + "2065": "pied-billed_grebe, Podilymbus_podiceps", + "2066": "pelecaniform_seabird", + "2067": "pelican", + "2068": "white_pelican, Pelecanus_erythrorhynchos", + "2069": "Old_world_white_pelican, Pelecanus_onocrotalus", + "2070": "frigate_bird, man-of-war_bird", + "2071": "gannet", + "2072": "solan, solan_goose, solant_goose, Sula_bassana", + "2073": "booby", + "2074": "cormorant, Phalacrocorax_carbo", + "2075": "snakebird, anhinga, darter", + "2076": "water_turkey, Anhinga_anhinga", + "2077": "tropic_bird, tropicbird, boatswain_bird", + "2078": "sphenisciform_seabird", + "2079": "penguin", + "2080": "Adelie, Adelie_penguin, Pygoscelis_adeliae", + "2081": "king_penguin, Aptenodytes_patagonica", + "2082": "emperor_penguin, Aptenodytes_forsteri", + "2083": "jackass_penguin, Spheniscus_demersus", + "2084": "rock_hopper, crested_penguin", + "2085": "pelagic_bird, oceanic_bird", + "2086": "procellariiform_seabird", + "2087": "albatross, mollymawk", + "2088": "wandering_albatross, Diomedea_exulans", + "2089": "black-footed_albatross, gooney, gooney_bird, goonie, goony, Diomedea_nigripes", + "2090": "petrel", + "2091": "white-chinned_petrel, Procellaria_aequinoctialis", + "2092": "giant_petrel, giant_fulmar, Macronectes_giganteus", + "2093": "fulmar, fulmar_petrel, Fulmarus_glacialis", + "2094": "shearwater", + "2095": "Manx_shearwater, Puffinus_puffinus", + "2096": "storm_petrel", + "2097": "stormy_petrel, northern_storm_petrel, Hydrobates_pelagicus", + "2098": "Mother_Carey's_chicken, Mother_Carey's_hen, Oceanites_oceanicus", + "2099": "diving_petrel", + "2100": "aquatic_mammal", + "2101": "cetacean, cetacean_mammal, blower", + "2102": "whale", + "2103": "baleen_whale, whalebone_whale", + "2104": "right_whale", + "2105": "bowhead, bowhead_whale, Greenland_whale, Balaena_mysticetus", + "2106": "rorqual, razorback", + "2107": "blue_whale, sulfur_bottom, Balaenoptera_musculus", + "2108": "finback, finback_whale, fin_whale, common_rorqual, Balaenoptera_physalus", + "2109": "sei_whale, Balaenoptera_borealis", + "2110": "lesser_rorqual, piked_whale, minke_whale, Balaenoptera_acutorostrata", + "2111": "humpback, humpback_whale, Megaptera_novaeangliae", + "2112": "grey_whale, gray_whale, devilfish, Eschrichtius_gibbosus, Eschrichtius_robustus", + "2113": "toothed_whale", + "2114": "sperm_whale, cachalot, black_whale, Physeter_catodon", + "2115": "pygmy_sperm_whale, Kogia_breviceps", + "2116": "dwarf_sperm_whale, Kogia_simus", + "2117": "beaked_whale", + "2118": "bottle-nosed_whale, bottlenose_whale, bottlenose, Hyperoodon_ampullatus", + "2119": "dolphin", + "2120": "common_dolphin, Delphinus_delphis", + "2121": "bottlenose_dolphin, bottle-nosed_dolphin, bottlenose", + "2122": "Atlantic_bottlenose_dolphin, Tursiops_truncatus", + "2123": "Pacific_bottlenose_dolphin, Tursiops_gilli", + "2124": "porpoise", + "2125": "harbor_porpoise, herring_hog, Phocoena_phocoena", + "2126": "vaquita, Phocoena_sinus", + "2127": "grampus, Grampus_griseus", + "2128": "killer_whale, killer, orca, grampus, sea_wolf, Orcinus_orca", + "2129": "pilot_whale, black_whale, common_blackfish, blackfish, Globicephala_melaena", + "2130": "river_dolphin", + "2131": "narwhal, narwal, narwhale, Monodon_monoceros", + "2132": "white_whale, beluga, Delphinapterus_leucas", + "2133": "sea_cow, sirenian_mammal, sirenian", + "2134": "manatee, Trichechus_manatus", + "2135": "dugong, Dugong_dugon", + "2136": "Steller's_sea_cow, Hydrodamalis_gigas", + "2137": "carnivore", + "2138": "omnivore", + "2139": "pinniped_mammal, pinniped, pinnatiped", + "2140": "seal", + "2141": "crabeater_seal, crab-eating_seal", + "2142": "eared_seal", + "2143": "fur_seal", + "2144": "guadalupe_fur_seal, Arctocephalus_philippi", + "2145": "fur_seal", + "2146": "Alaska_fur_seal, Callorhinus_ursinus", + "2147": "sea_lion", + "2148": "South_American_sea_lion, Otaria_Byronia", + "2149": "California_sea_lion, Zalophus_californianus, Zalophus_californicus", + "2150": "Australian_sea_lion, Zalophus_lobatus", + "2151": "Steller_sea_lion, Steller's_sea_lion, Eumetopias_jubatus", + "2152": "earless_seal, true_seal, hair_seal", + "2153": "harbor_seal, common_seal, Phoca_vitulina", + "2154": "harp_seal, Pagophilus_groenlandicus", + "2155": "elephant_seal, sea_elephant", + "2156": "bearded_seal, squareflipper_square_flipper, Erignathus_barbatus", + "2157": "hooded_seal, bladdernose, Cystophora_cristata", + "2158": "walrus, seahorse, sea_horse", + "2159": "Atlantic_walrus, Odobenus_rosmarus", + "2160": "Pacific_walrus, Odobenus_divergens", + "2161": "Fissipedia", + "2162": "fissiped_mammal, fissiped", + "2163": "aardvark, ant_bear, anteater, Orycteropus_afer", + "2164": "canine, canid", + "2165": "bitch", + "2166": "brood_bitch", + "2167": "dog, domestic_dog, Canis_familiaris", + "2168": "pooch, doggie, doggy, barker, bow-wow", + "2169": "cur, mongrel, mutt", + "2170": "feist, fice", + "2171": "pariah_dog, pye-dog, pie-dog", + "2172": "lapdog", + "2173": "toy_dog, toy", + "2174": "Chihuahua", + "2175": "Japanese_spaniel", + "2176": "Maltese_dog, Maltese_terrier, Maltese", + "2177": "Pekinese, Pekingese, Peke", + "2178": "Shih-Tzu", + "2179": "toy_spaniel", + "2180": "English_toy_spaniel", + "2181": "Blenheim_spaniel", + "2182": "King_Charles_spaniel", + "2183": "papillon", + "2184": "toy_terrier", + "2185": "hunting_dog", + "2186": "courser", + "2187": "Rhodesian_ridgeback", + "2188": "hound, hound_dog", + "2189": "Afghan_hound, Afghan", + "2190": "basset, basset_hound", + "2191": "beagle", + "2192": "bloodhound, sleuthhound", + "2193": "bluetick", + "2194": "boarhound", + "2195": "coonhound", + "2196": "coondog", + "2197": "black-and-tan_coonhound", + "2198": "dachshund, dachsie, badger_dog", + "2199": "sausage_dog, sausage_hound", + "2200": "foxhound", + "2201": "American_foxhound", + "2202": "Walker_hound, Walker_foxhound", + "2203": "English_foxhound", + "2204": "harrier", + "2205": "Plott_hound", + "2206": "redbone", + "2207": "wolfhound", + "2208": "borzoi, Russian_wolfhound", + "2209": "Irish_wolfhound", + "2210": "greyhound", + "2211": "Italian_greyhound", + "2212": "whippet", + "2213": "Ibizan_hound, Ibizan_Podenco", + "2214": "Norwegian_elkhound, elkhound", + "2215": "otterhound, otter_hound", + "2216": "Saluki, gazelle_hound", + "2217": "Scottish_deerhound, deerhound", + "2218": "staghound", + "2219": "Weimaraner", + "2220": "terrier", + "2221": "bullterrier, bull_terrier", + "2222": "Staffordshire_bullterrier, Staffordshire_bull_terrier", + "2223": "American_Staffordshire_terrier, Staffordshire_terrier, American_pit_bull_terrier, pit_bull_terrier", + "2224": "Bedlington_terrier", + "2225": "Border_terrier", + "2226": "Kerry_blue_terrier", + "2227": "Irish_terrier", + "2228": "Norfolk_terrier", + "2229": "Norwich_terrier", + "2230": "Yorkshire_terrier", + "2231": "rat_terrier, ratter", + "2232": "Manchester_terrier, black-and-tan_terrier", + "2233": "toy_Manchester, toy_Manchester_terrier", + "2234": "fox_terrier", + "2235": "smooth-haired_fox_terrier", + "2236": "wire-haired_fox_terrier", + "2237": "wirehair, wirehaired_terrier, wire-haired_terrier", + "2238": "Lakeland_terrier", + "2239": "Welsh_terrier", + "2240": "Sealyham_terrier, Sealyham", + "2241": "Airedale, Airedale_terrier", + "2242": "cairn, cairn_terrier", + "2243": "Australian_terrier", + "2244": "Dandie_Dinmont, Dandie_Dinmont_terrier", + "2245": "Boston_bull, Boston_terrier", + "2246": "schnauzer", + "2247": "miniature_schnauzer", + "2248": "giant_schnauzer", + "2249": "standard_schnauzer", + "2250": "Scotch_terrier, Scottish_terrier, Scottie", + "2251": "Tibetan_terrier, chrysanthemum_dog", + "2252": "silky_terrier, Sydney_silky", + "2253": "Skye_terrier", + "2254": "Clydesdale_terrier", + "2255": "soft-coated_wheaten_terrier", + "2256": "West_Highland_white_terrier", + "2257": "Lhasa, Lhasa_apso", + "2258": "sporting_dog, gun_dog", + "2259": "bird_dog", + "2260": "water_dog", + "2261": "retriever", + "2262": "flat-coated_retriever", + "2263": "curly-coated_retriever", + "2264": "golden_retriever", + "2265": "Labrador_retriever", + "2266": "Chesapeake_Bay_retriever", + "2267": "pointer, Spanish_pointer", + "2268": "German_short-haired_pointer", + "2269": "setter", + "2270": "vizsla, Hungarian_pointer", + "2271": "English_setter", + "2272": "Irish_setter, red_setter", + "2273": "Gordon_setter", + "2274": "spaniel", + "2275": "Brittany_spaniel", + "2276": "clumber, clumber_spaniel", + "2277": "field_spaniel", + "2278": "springer_spaniel, springer", + "2279": "English_springer, English_springer_spaniel", + "2280": "Welsh_springer_spaniel", + "2281": "cocker_spaniel, English_cocker_spaniel, cocker", + "2282": "Sussex_spaniel", + "2283": "water_spaniel", + "2284": "American_water_spaniel", + "2285": "Irish_water_spaniel", + "2286": "griffon, wire-haired_pointing_griffon", + "2287": "working_dog", + "2288": "watchdog, guard_dog", + "2289": "kuvasz", + "2290": "attack_dog", + "2291": "housedog", + "2292": "schipperke", + "2293": "shepherd_dog, sheepdog, sheep_dog", + "2294": "Belgian_sheepdog, Belgian_shepherd", + "2295": "groenendael", + "2296": "malinois", + "2297": "briard", + "2298": "kelpie", + "2299": "komondor", + "2300": "Old_English_sheepdog, bobtail", + "2301": "Shetland_sheepdog, Shetland_sheep_dog, Shetland", + "2302": "collie", + "2303": "Border_collie", + "2304": "Bouvier_des_Flandres, Bouviers_des_Flandres", + "2305": "Rottweiler", + "2306": "German_shepherd, German_shepherd_dog, German_police_dog, alsatian", + "2307": "police_dog", + "2308": "pinscher", + "2309": "Doberman, Doberman_pinscher", + "2310": "miniature_pinscher", + "2311": "Sennenhunde", + "2312": "Greater_Swiss_Mountain_dog", + "2313": "Bernese_mountain_dog", + "2314": "Appenzeller", + "2315": "EntleBucher", + "2316": "boxer", + "2317": "mastiff", + "2318": "bull_mastiff", + "2319": "Tibetan_mastiff", + "2320": "bulldog, English_bulldog", + "2321": "French_bulldog", + "2322": "Great_Dane", + "2323": "guide_dog", + "2324": "Seeing_Eye_dog", + "2325": "hearing_dog", + "2326": "Saint_Bernard, St_Bernard", + "2327": "seizure-alert_dog", + "2328": "sled_dog, sledge_dog", + "2329": "Eskimo_dog, husky", + "2330": "malamute, malemute, Alaskan_malamute", + "2331": "Siberian_husky", + "2332": "dalmatian, coach_dog, carriage_dog", + "2333": "liver-spotted_dalmatian", + "2334": "affenpinscher, monkey_pinscher, monkey_dog", + "2335": "basenji", + "2336": "pug, pug-dog", + "2337": "Leonberg", + "2338": "Newfoundland, Newfoundland_dog", + "2339": "Great_Pyrenees", + "2340": "spitz", + "2341": "Samoyed, Samoyede", + "2342": "Pomeranian", + "2343": "chow, chow_chow", + "2344": "keeshond", + "2345": "griffon, Brussels_griffon, Belgian_griffon", + "2346": "Brabancon_griffon", + "2347": "corgi, Welsh_corgi", + "2348": "Pembroke, Pembroke_Welsh_corgi", + "2349": "Cardigan, Cardigan_Welsh_corgi", + "2350": "poodle, poodle_dog", + "2351": "toy_poodle", + "2352": "miniature_poodle", + "2353": "standard_poodle", + "2354": "large_poodle", + "2355": "Mexican_hairless", + "2356": "wolf", + "2357": "timber_wolf, grey_wolf, gray_wolf, Canis_lupus", + "2358": "white_wolf, Arctic_wolf, Canis_lupus_tundrarum", + "2359": "red_wolf, maned_wolf, Canis_rufus, Canis_niger", + "2360": "coyote, prairie_wolf, brush_wolf, Canis_latrans", + "2361": "coydog", + "2362": "jackal, Canis_aureus", + "2363": "wild_dog", + "2364": "dingo, warrigal, warragal, Canis_dingo", + "2365": "dhole, Cuon_alpinus", + "2366": "crab-eating_dog, crab-eating_fox, Dusicyon_cancrivorus", + "2367": "raccoon_dog, Nyctereutes_procyonides", + "2368": "African_hunting_dog, hyena_dog, Cape_hunting_dog, Lycaon_pictus", + "2369": "hyena, hyaena", + "2370": "striped_hyena, Hyaena_hyaena", + "2371": "brown_hyena, strand_wolf, Hyaena_brunnea", + "2372": "spotted_hyena, laughing_hyena, Crocuta_crocuta", + "2373": "aardwolf, Proteles_cristata", + "2374": "fox", + "2375": "vixen", + "2376": "Reynard", + "2377": "red_fox, Vulpes_vulpes", + "2378": "black_fox", + "2379": "silver_fox", + "2380": "red_fox, Vulpes_fulva", + "2381": "kit_fox, prairie_fox, Vulpes_velox", + "2382": "kit_fox, Vulpes_macrotis", + "2383": "Arctic_fox, white_fox, Alopex_lagopus", + "2384": "blue_fox", + "2385": "grey_fox, gray_fox, Urocyon_cinereoargenteus", + "2386": "feline, felid", + "2387": "cat, true_cat", + "2388": "domestic_cat, house_cat, Felis_domesticus, Felis_catus", + "2389": "kitty, kitty-cat, puss, pussy, pussycat", + "2390": "mouser", + "2391": "alley_cat", + "2392": "stray", + "2393": "tom, tomcat", + "2394": "gib", + "2395": "tabby, queen", + "2396": "kitten, kitty", + "2397": "tabby, tabby_cat", + "2398": "tiger_cat", + "2399": "tortoiseshell, tortoiseshell-cat, calico_cat", + "2400": "Persian_cat", + "2401": "Angora, Angora_cat", + "2402": "Siamese_cat, Siamese", + "2403": "blue_point_Siamese", + "2404": "Burmese_cat", + "2405": "Egyptian_cat", + "2406": "Maltese, Maltese_cat", + "2407": "Abyssinian, Abyssinian_cat", + "2408": "Manx, Manx_cat", + "2409": "wildcat", + "2410": "sand_cat", + "2411": "European_wildcat, catamountain, Felis_silvestris", + "2412": "cougar, puma, catamount, mountain_lion, painter, panther, Felis_concolor", + "2413": "ocelot, panther_cat, Felis_pardalis", + "2414": "jaguarundi, jaguarundi_cat, jaguarondi, eyra, Felis_yagouaroundi", + "2415": "kaffir_cat, caffer_cat, Felis_ocreata", + "2416": "jungle_cat, Felis_chaus", + "2417": "serval, Felis_serval", + "2418": "leopard_cat, Felis_bengalensis", + "2419": "margay, margay_cat, Felis_wiedi", + "2420": "manul, Pallas's_cat, Felis_manul", + "2421": "lynx, catamount", + "2422": "common_lynx, Lynx_lynx", + "2423": "Canada_lynx, Lynx_canadensis", + "2424": "bobcat, bay_lynx, Lynx_rufus", + "2425": "spotted_lynx, Lynx_pardina", + "2426": "caracal, desert_lynx, Lynx_caracal", + "2427": "big_cat, cat", + "2428": "leopard, Panthera_pardus", + "2429": "leopardess", + "2430": "panther", + "2431": "snow_leopard, ounce, Panthera_uncia", + "2432": "jaguar, panther, Panthera_onca, Felis_onca", + "2433": "lion, king_of_beasts, Panthera_leo", + "2434": "lioness", + "2435": "lionet", + "2436": "tiger, Panthera_tigris", + "2437": "Bengal_tiger", + "2438": "tigress", + "2439": "liger", + "2440": "tiglon, tigon", + "2441": "cheetah, chetah, Acinonyx_jubatus", + "2442": "saber-toothed_tiger, sabertooth", + "2443": "Smiledon_californicus", + "2444": "bear", + "2445": "brown_bear, bruin, Ursus_arctos", + "2446": "bruin", + "2447": "Syrian_bear, Ursus_arctos_syriacus", + "2448": "grizzly, grizzly_bear, silvertip, silver-tip, Ursus_horribilis, Ursus_arctos_horribilis", + "2449": "Alaskan_brown_bear, Kodiak_bear, Kodiak, Ursus_middendorffi, Ursus_arctos_middendorffi", + "2450": "American_black_bear, black_bear, Ursus_americanus, Euarctos_americanus", + "2451": "cinnamon_bear", + "2452": "Asiatic_black_bear, black_bear, Ursus_thibetanus, Selenarctos_thibetanus", + "2453": "ice_bear, polar_bear, Ursus_Maritimus, Thalarctos_maritimus", + "2454": "sloth_bear, Melursus_ursinus, Ursus_ursinus", + "2455": "viverrine, viverrine_mammal", + "2456": "civet, civet_cat", + "2457": "large_civet, Viverra_zibetha", + "2458": "small_civet, Viverricula_indica, Viverricula_malaccensis", + "2459": "binturong, bearcat, Arctictis_bintourong", + "2460": "Cryptoprocta, genus_Cryptoprocta", + "2461": "fossa, fossa_cat, Cryptoprocta_ferox", + "2462": "fanaloka, Fossa_fossa", + "2463": "genet, Genetta_genetta", + "2464": "banded_palm_civet, Hemigalus_hardwickii", + "2465": "mongoose", + "2466": "Indian_mongoose, Herpestes_nyula", + "2467": "ichneumon, Herpestes_ichneumon", + "2468": "palm_cat, palm_civet", + "2469": "meerkat, mierkat", + "2470": "slender-tailed_meerkat, Suricata_suricatta", + "2471": "suricate, Suricata_tetradactyla", + "2472": "bat, chiropteran", + "2473": "fruit_bat, megabat", + "2474": "flying_fox", + "2475": "Pteropus_capestratus", + "2476": "Pteropus_hypomelanus", + "2477": "harpy, harpy_bat, tube-nosed_bat, tube-nosed_fruit_bat", + "2478": "Cynopterus_sphinx", + "2479": "carnivorous_bat, microbat", + "2480": "mouse-eared_bat", + "2481": "leafnose_bat, leaf-nosed_bat", + "2482": "macrotus, Macrotus_californicus", + "2483": "spearnose_bat", + "2484": "Phyllostomus_hastatus", + "2485": "hognose_bat, Choeronycteris_mexicana", + "2486": "horseshoe_bat", + "2487": "horseshoe_bat", + "2488": "orange_bat, orange_horseshoe_bat, Rhinonicteris_aurantius", + "2489": "false_vampire, false_vampire_bat", + "2490": "big-eared_bat, Megaderma_lyra", + "2491": "vespertilian_bat, vespertilionid", + "2492": "frosted_bat, Vespertilio_murinus", + "2493": "red_bat, Lasiurus_borealis", + "2494": "brown_bat", + "2495": "little_brown_bat, little_brown_myotis, Myotis_leucifugus", + "2496": "cave_myotis, Myotis_velifer", + "2497": "big_brown_bat, Eptesicus_fuscus", + "2498": "serotine, European_brown_bat, Eptesicus_serotinus", + "2499": "pallid_bat, cave_bat, Antrozous_pallidus", + "2500": "pipistrelle, pipistrel, Pipistrellus_pipistrellus", + "2501": "eastern_pipistrel, Pipistrellus_subflavus", + "2502": "jackass_bat, spotted_bat, Euderma_maculata", + "2503": "long-eared_bat", + "2504": "western_big-eared_bat, Plecotus_townsendi", + "2505": "freetail, free-tailed_bat, freetailed_bat", + "2506": "guano_bat, Mexican_freetail_bat, Tadarida_brasiliensis", + "2507": "pocketed_bat, pocketed_freetail_bat, Tadirida_femorosacca", + "2508": "mastiff_bat", + "2509": "vampire_bat, true_vampire_bat", + "2510": "Desmodus_rotundus", + "2511": "hairy-legged_vampire_bat, Diphylla_ecaudata", + "2512": "predator, predatory_animal", + "2513": "prey, quarry", + "2514": "game", + "2515": "big_game", + "2516": "game_bird", + "2517": "fossorial_mammal", + "2518": "tetrapod", + "2519": "quadruped", + "2520": "hexapod", + "2521": "biped", + "2522": "insect", + "2523": "social_insect", + "2524": "holometabola, metabola", + "2525": "defoliator", + "2526": "pollinator", + "2527": "gallfly", + "2528": "scorpion_fly", + "2529": "hanging_fly", + "2530": "collembolan, springtail", + "2531": "beetle", + "2532": "tiger_beetle", + "2533": "ladybug, ladybeetle, lady_beetle, ladybird, ladybird_beetle", + "2534": "two-spotted_ladybug, Adalia_bipunctata", + "2535": "Mexican_bean_beetle, bean_beetle, Epilachna_varivestis", + "2536": "Hippodamia_convergens", + "2537": "vedalia, Rodolia_cardinalis", + "2538": "ground_beetle, carabid_beetle", + "2539": "bombardier_beetle", + "2540": "calosoma", + "2541": "searcher, searcher_beetle, Calosoma_scrutator", + "2542": "firefly, lightning_bug", + "2543": "glowworm", + "2544": "long-horned_beetle, longicorn, longicorn_beetle", + "2545": "sawyer, sawyer_beetle", + "2546": "pine_sawyer", + "2547": "leaf_beetle, chrysomelid", + "2548": "flea_beetle", + "2549": "Colorado_potato_beetle, Colorado_beetle, potato_bug, potato_beetle, Leptinotarsa_decemlineata", + "2550": "carpet_beetle, carpet_bug", + "2551": "buffalo_carpet_beetle, Anthrenus_scrophulariae", + "2552": "black_carpet_beetle", + "2553": "clerid_beetle, clerid", + "2554": "bee_beetle", + "2555": "lamellicorn_beetle", + "2556": "scarabaeid_beetle, scarabaeid, scarabaean", + "2557": "dung_beetle", + "2558": "scarab, scarabaeus, Scarabaeus_sacer", + "2559": "tumblebug", + "2560": "dorbeetle", + "2561": "June_beetle, June_bug, May_bug, May_beetle", + "2562": "green_June_beetle, figeater", + "2563": "Japanese_beetle, Popillia_japonica", + "2564": "Oriental_beetle, Asiatic_beetle, Anomala_orientalis", + "2565": "rhinoceros_beetle", + "2566": "melolonthid_beetle", + "2567": "cockchafer, May_bug, May_beetle, Melolontha_melolontha", + "2568": "rose_chafer, rose_bug, Macrodactylus_subspinosus", + "2569": "rose_chafer, rose_beetle, Cetonia_aurata", + "2570": "stag_beetle", + "2571": "elaterid_beetle, elater, elaterid", + "2572": "click_beetle, skipjack, snapping_beetle", + "2573": "firefly, fire_beetle, Pyrophorus_noctiluca", + "2574": "wireworm", + "2575": "water_beetle", + "2576": "whirligig_beetle", + "2577": "deathwatch_beetle, deathwatch, Xestobium_rufovillosum", + "2578": "weevil", + "2579": "snout_beetle", + "2580": "boll_weevil, Anthonomus_grandis", + "2581": "blister_beetle, meloid", + "2582": "oil_beetle", + "2583": "Spanish_fly", + "2584": "Dutch-elm_beetle, Scolytus_multistriatus", + "2585": "bark_beetle", + "2586": "spruce_bark_beetle, Dendroctonus_rufipennis", + "2587": "rove_beetle", + "2588": "darkling_beetle, darkling_groung_beetle, tenebrionid", + "2589": "mealworm", + "2590": "flour_beetle, flour_weevil", + "2591": "seed_beetle, seed_weevil", + "2592": "pea_weevil, Bruchus_pisorum", + "2593": "bean_weevil, Acanthoscelides_obtectus", + "2594": "rice_weevil, black_weevil, Sitophylus_oryzae", + "2595": "Asian_longhorned_beetle, Anoplophora_glabripennis", + "2596": "web_spinner", + "2597": "louse, sucking_louse", + "2598": "common_louse, Pediculus_humanus", + "2599": "head_louse, Pediculus_capitis", + "2600": "body_louse, cootie, Pediculus_corporis", + "2601": "crab_louse, pubic_louse, crab, Phthirius_pubis", + "2602": "bird_louse, biting_louse, louse", + "2603": "flea", + "2604": "Pulex_irritans", + "2605": "dog_flea, Ctenocephalides_canis", + "2606": "cat_flea, Ctenocephalides_felis", + "2607": "chigoe, chigger, chigoe_flea, Tunga_penetrans", + "2608": "sticktight, sticktight_flea, Echidnophaga_gallinacea", + "2609": "dipterous_insect, two-winged_insects, dipteran, dipteron", + "2610": "gall_midge, gallfly, gall_gnat", + "2611": "Hessian_fly, Mayetiola_destructor", + "2612": "fly", + "2613": "housefly, house_fly, Musca_domestica", + "2614": "tsetse_fly, tsetse, tzetze_fly, tzetze, glossina", + "2615": "blowfly, blow_fly", + "2616": "bluebottle, Calliphora_vicina", + "2617": "greenbottle, greenbottle_fly", + "2618": "flesh_fly, Sarcophaga_carnaria", + "2619": "tachina_fly", + "2620": "gadfly", + "2621": "botfly", + "2622": "human_botfly, Dermatobia_hominis", + "2623": "sheep_botfly, sheep_gadfly, Oestrus_ovis", + "2624": "warble_fly", + "2625": "horsefly, cleg, clegg, horse_fly", + "2626": "bee_fly", + "2627": "robber_fly, bee_killer", + "2628": "fruit_fly, pomace_fly", + "2629": "apple_maggot, railroad_worm, Rhagoletis_pomonella", + "2630": "Mediterranean_fruit_fly, medfly, Ceratitis_capitata", + "2631": "drosophila, Drosophila_melanogaster", + "2632": "vinegar_fly", + "2633": "leaf_miner, leaf-miner", + "2634": "louse_fly, hippoboscid", + "2635": "horse_tick, horsefly, Hippobosca_equina", + "2636": "sheep_ked, sheep-tick, sheep_tick, Melophagus_Ovinus", + "2637": "horn_fly, Haematobia_irritans", + "2638": "mosquito", + "2639": "wiggler, wriggler", + "2640": "gnat", + "2641": "yellow-fever_mosquito, Aedes_aegypti", + "2642": "Asian_tiger_mosquito, Aedes_albopictus", + "2643": "anopheline", + "2644": "malarial_mosquito, malaria_mosquito", + "2645": "common_mosquito, Culex_pipiens", + "2646": "Culex_quinquefasciatus, Culex_fatigans", + "2647": "gnat", + "2648": "punkie, punky, punkey, no-see-um, biting_midge", + "2649": "midge", + "2650": "fungus_gnat", + "2651": "psychodid", + "2652": "sand_fly, sandfly, Phlebotomus_papatasii", + "2653": "fungus_gnat, sciara, sciarid", + "2654": "armyworm", + "2655": "crane_fly, daddy_longlegs", + "2656": "blackfly, black_fly, buffalo_gnat", + "2657": "hymenopterous_insect, hymenopteran, hymenopteron, hymenopter", + "2658": "bee", + "2659": "drone", + "2660": "queen_bee", + "2661": "worker", + "2662": "soldier", + "2663": "worker_bee", + "2664": "honeybee, Apis_mellifera", + "2665": "Africanized_bee, Africanized_honey_bee, killer_bee, Apis_mellifera_scutellata, Apis_mellifera_adansonii", + "2666": "black_bee, German_bee", + "2667": "Carniolan_bee", + "2668": "Italian_bee", + "2669": "carpenter_bee", + "2670": "bumblebee, humblebee", + "2671": "cuckoo-bumblebee", + "2672": "andrena, andrenid, mining_bee", + "2673": "Nomia_melanderi, alkali_bee", + "2674": "leaf-cutting_bee, leaf-cutter, leaf-cutter_bee", + "2675": "mason_bee", + "2676": "potter_bee", + "2677": "wasp", + "2678": "vespid, vespid_wasp", + "2679": "paper_wasp", + "2680": "hornet", + "2681": "giant_hornet, Vespa_crabro", + "2682": "common_wasp, Vespula_vulgaris", + "2683": "bald-faced_hornet, white-faced_hornet, Vespula_maculata", + "2684": "yellow_jacket, yellow_hornet, Vespula_maculifrons", + "2685": "Polistes_annularis", + "2686": "mason_wasp", + "2687": "potter_wasp", + "2688": "Mutillidae, family_Mutillidae", + "2689": "velvet_ant", + "2690": "sphecoid_wasp, sphecoid", + "2691": "mason_wasp", + "2692": "digger_wasp", + "2693": "cicada_killer, Sphecius_speciosis", + "2694": "mud_dauber", + "2695": "gall_wasp, gallfly, cynipid_wasp, cynipid_gall_wasp", + "2696": "chalcid_fly, chalcidfly, chalcid, chalcid_wasp", + "2697": "strawworm, jointworm", + "2698": "chalcis_fly", + "2699": "ichneumon_fly", + "2700": "sawfly", + "2701": "birch_leaf_miner, Fenusa_pusilla", + "2702": "ant, emmet, pismire", + "2703": "pharaoh_ant, pharaoh's_ant, Monomorium_pharaonis", + "2704": "little_black_ant, Monomorium_minimum", + "2705": "army_ant, driver_ant, legionary_ant", + "2706": "carpenter_ant", + "2707": "fire_ant", + "2708": "wood_ant, Formica_rufa", + "2709": "slave_ant", + "2710": "Formica_fusca", + "2711": "slave-making_ant, slave-maker", + "2712": "sanguinary_ant, Formica_sanguinea", + "2713": "bulldog_ant", + "2714": "Amazon_ant, Polyergus_rufescens", + "2715": "termite, white_ant", + "2716": "dry-wood_termite", + "2717": "Reticulitermes_lucifugus", + "2718": "Mastotermes_darwiniensis", + "2719": "Mastotermes_electrodominicus", + "2720": "powder-post_termite, Cryptotermes_brevis", + "2721": "orthopterous_insect, orthopteron, orthopteran", + "2722": "grasshopper, hopper", + "2723": "short-horned_grasshopper, acridid", + "2724": "locust", + "2725": "migratory_locust, Locusta_migratoria", + "2726": "migratory_grasshopper", + "2727": "long-horned_grasshopper, tettigoniid", + "2728": "katydid", + "2729": "mormon_cricket, Anabrus_simplex", + "2730": "sand_cricket, Jerusalem_cricket, Stenopelmatus_fuscus", + "2731": "cricket", + "2732": "mole_cricket", + "2733": "European_house_cricket, Acheta_domestica", + "2734": "field_cricket, Acheta_assimilis", + "2735": "tree_cricket", + "2736": "snowy_tree_cricket, Oecanthus_fultoni", + "2737": "phasmid, phasmid_insect", + "2738": "walking_stick, walkingstick, stick_insect", + "2739": "diapheromera, Diapheromera_femorata", + "2740": "walking_leaf, leaf_insect", + "2741": "cockroach, roach", + "2742": "oriental_cockroach, oriental_roach, Asiatic_cockroach, blackbeetle, Blatta_orientalis", + "2743": "American_cockroach, Periplaneta_americana", + "2744": "Australian_cockroach, Periplaneta_australasiae", + "2745": "German_cockroach, Croton_bug, crotonbug, water_bug, Blattella_germanica", + "2746": "giant_cockroach", + "2747": "mantis, mantid", + "2748": "praying_mantis, praying_mantid, Mantis_religioso", + "2749": "bug", + "2750": "hemipterous_insect, bug, hemipteran, hemipteron", + "2751": "leaf_bug, plant_bug", + "2752": "mirid_bug, mirid, capsid", + "2753": "four-lined_plant_bug, four-lined_leaf_bug, Poecilocapsus_lineatus", + "2754": "lygus_bug", + "2755": "tarnished_plant_bug, Lygus_lineolaris", + "2756": "lace_bug", + "2757": "lygaeid, lygaeid_bug", + "2758": "chinch_bug, Blissus_leucopterus", + "2759": "coreid_bug, coreid", + "2760": "squash_bug, Anasa_tristis", + "2761": "leaf-footed_bug, leaf-foot_bug", + "2762": "bedbug, bed_bug, chinch, Cimex_lectularius", + "2763": "backswimmer, Notonecta_undulata", + "2764": "true_bug", + "2765": "heteropterous_insect", + "2766": "water_bug", + "2767": "giant_water_bug", + "2768": "water_scorpion", + "2769": "water_boatman, boat_bug", + "2770": "water_strider, pond-skater, water_skater", + "2771": "common_pond-skater, Gerris_lacustris", + "2772": "assassin_bug, reduviid", + "2773": "conenose, cone-nosed_bug, conenose_bug, big_bedbug, kissing_bug", + "2774": "wheel_bug, Arilus_cristatus", + "2775": "firebug", + "2776": "cotton_stainer", + "2777": "homopterous_insect, homopteran", + "2778": "whitefly", + "2779": "citrus_whitefly, Dialeurodes_citri", + "2780": "greenhouse_whitefly, Trialeurodes_vaporariorum", + "2781": "sweet-potato_whitefly", + "2782": "superbug, Bemisia_tabaci, poinsettia_strain", + "2783": "cotton_strain", + "2784": "coccid_insect", + "2785": "scale_insect", + "2786": "soft_scale", + "2787": "brown_soft_scale, Coccus_hesperidum", + "2788": "armored_scale", + "2789": "San_Jose_scale, Aspidiotus_perniciosus", + "2790": "cochineal_insect, cochineal, Dactylopius_coccus", + "2791": "mealybug, mealy_bug", + "2792": "citrophilous_mealybug, citrophilus_mealybug, Pseudococcus_fragilis", + "2793": "Comstock_mealybug, Comstock's_mealybug, Pseudococcus_comstocki", + "2794": "citrus_mealybug, Planococcus_citri", + "2795": "plant_louse, louse", + "2796": "aphid", + "2797": "apple_aphid, green_apple_aphid, Aphis_pomi", + "2798": "blackfly, bean_aphid, Aphis_fabae", + "2799": "greenfly", + "2800": "green_peach_aphid", + "2801": "ant_cow", + "2802": "woolly_aphid, woolly_plant_louse", + "2803": "woolly_apple_aphid, American_blight, Eriosoma_lanigerum", + "2804": "woolly_alder_aphid, Prociphilus_tessellatus", + "2805": "adelgid", + "2806": "balsam_woolly_aphid, Adelges_piceae", + "2807": "spruce_gall_aphid, Adelges_abietis", + "2808": "woolly_adelgid", + "2809": "jumping_plant_louse, psylla, psyllid", + "2810": "cicada, cicala", + "2811": "dog-day_cicada, harvest_fly", + "2812": "seventeen-year_locust, periodical_cicada, Magicicada_septendecim", + "2813": "spittle_insect, spittlebug", + "2814": "froghopper", + "2815": "meadow_spittlebug, Philaenus_spumarius", + "2816": "pine_spittlebug", + "2817": "Saratoga_spittlebug, Aphrophora_saratogensis", + "2818": "leafhopper", + "2819": "plant_hopper, planthopper", + "2820": "treehopper", + "2821": "lantern_fly, lantern-fly", + "2822": "psocopterous_insect", + "2823": "psocid", + "2824": "bark-louse, bark_louse", + "2825": "booklouse, book_louse, deathwatch, Liposcelis_divinatorius", + "2826": "common_booklouse, Trogium_pulsatorium", + "2827": "ephemerid, ephemeropteran", + "2828": "mayfly, dayfly, shadfly", + "2829": "stonefly, stone_fly, plecopteran", + "2830": "neuropteron, neuropteran, neuropterous_insect", + "2831": "ant_lion, antlion, antlion_fly", + "2832": "doodlebug, ant_lion, antlion", + "2833": "lacewing, lacewing_fly", + "2834": "aphid_lion, aphis_lion", + "2835": "green_lacewing, chrysopid, stink_fly", + "2836": "brown_lacewing, hemerobiid, hemerobiid_fly", + "2837": "dobson, dobsonfly, dobson_fly, Corydalus_cornutus", + "2838": "hellgrammiate, dobson", + "2839": "fish_fly, fish-fly", + "2840": "alderfly, alder_fly, Sialis_lutaria", + "2841": "snakefly", + "2842": "mantispid", + "2843": "odonate", + "2844": "dragonfly, darning_needle, devil's_darning_needle, sewing_needle, snake_feeder, snake_doctor, mosquito_hawk, skeeter_hawk", + "2845": "damselfly", + "2846": "trichopterous_insect, trichopteran, trichopteron", + "2847": "caddis_fly, caddis-fly, caddice_fly, caddice-fly", + "2848": "caseworm", + "2849": "caddisworm, strawworm", + "2850": "thysanuran_insect, thysanuron", + "2851": "bristletail", + "2852": "silverfish, Lepisma_saccharina", + "2853": "firebrat, Thermobia_domestica", + "2854": "jumping_bristletail, machilid", + "2855": "thysanopter, thysanopteron, thysanopterous_insect", + "2856": "thrips, thrip, thripid", + "2857": "tobacco_thrips, Frankliniella_fusca", + "2858": "onion_thrips, onion_louse, Thrips_tobaci", + "2859": "earwig", + "2860": "common_European_earwig, Forficula_auricularia", + "2861": "lepidopterous_insect, lepidopteron, lepidopteran", + "2862": "butterfly", + "2863": "nymphalid, nymphalid_butterfly, brush-footed_butterfly, four-footed_butterfly", + "2864": "mourning_cloak, mourning_cloak_butterfly, Camberwell_beauty, Nymphalis_antiopa", + "2865": "tortoiseshell, tortoiseshell_butterfly", + "2866": "painted_beauty, Vanessa_virginiensis", + "2867": "admiral", + "2868": "red_admiral, Vanessa_atalanta", + "2869": "white_admiral, Limenitis_camilla", + "2870": "banded_purple, white_admiral, Limenitis_arthemis", + "2871": "red-spotted_purple, Limenitis_astyanax", + "2872": "viceroy, Limenitis_archippus", + "2873": "anglewing", + "2874": "ringlet, ringlet_butterfly", + "2875": "comma, comma_butterfly, Polygonia_comma", + "2876": "fritillary", + "2877": "silverspot", + "2878": "emperor_butterfly, emperor", + "2879": "purple_emperor, Apatura_iris", + "2880": "peacock, peacock_butterfly, Inachis_io", + "2881": "danaid, danaid_butterfly", + "2882": "monarch, monarch_butterfly, milkweed_butterfly, Danaus_plexippus", + "2883": "pierid, pierid_butterfly", + "2884": "cabbage_butterfly", + "2885": "small_white, Pieris_rapae", + "2886": "large_white, Pieris_brassicae", + "2887": "southern_cabbage_butterfly, Pieris_protodice", + "2888": "sulphur_butterfly, sulfur_butterfly", + "2889": "lycaenid, lycaenid_butterfly", + "2890": "blue", + "2891": "copper", + "2892": "American_copper, Lycaena_hypophlaeas", + "2893": "hairstreak, hairstreak_butterfly", + "2894": "Strymon_melinus", + "2895": "moth", + "2896": "moth_miller, miller", + "2897": "tortricid, tortricid_moth", + "2898": "leaf_roller, leaf-roller", + "2899": "tea_tortrix, tortrix, Homona_coffearia", + "2900": "orange_tortrix, tortrix, Argyrotaenia_citrana", + "2901": "codling_moth, codlin_moth, Carpocapsa_pomonella", + "2902": "lymantriid, tussock_moth", + "2903": "tussock_caterpillar", + "2904": "gypsy_moth, gipsy_moth, Lymantria_dispar", + "2905": "browntail, brown-tail_moth, Euproctis_phaeorrhoea", + "2906": "gold-tail_moth, Euproctis_chrysorrhoea", + "2907": "geometrid, geometrid_moth", + "2908": "Paleacrita_vernata", + "2909": "Alsophila_pometaria", + "2910": "cankerworm", + "2911": "spring_cankerworm", + "2912": "fall_cankerworm", + "2913": "measuring_worm, inchworm, looper", + "2914": "pyralid, pyralid_moth", + "2915": "bee_moth, wax_moth, Galleria_mellonella", + "2916": "corn_borer, European_corn_borer_moth, corn_borer_moth, Pyrausta_nubilalis", + "2917": "Mediterranean_flour_moth, Anagasta_kuehniella", + "2918": "tobacco_moth, cacao_moth, Ephestia_elutella", + "2919": "almond_moth, fig_moth, Cadra_cautella", + "2920": "raisin_moth, Cadra_figulilella", + "2921": "tineoid, tineoid_moth", + "2922": "tineid, tineid_moth", + "2923": "clothes_moth", + "2924": "casemaking_clothes_moth, Tinea_pellionella", + "2925": "webbing_clothes_moth, webbing_moth, Tineola_bisselliella", + "2926": "carpet_moth, tapestry_moth, Trichophaga_tapetzella", + "2927": "gelechiid, gelechiid_moth", + "2928": "grain_moth", + "2929": "angoumois_moth, angoumois_grain_moth, Sitotroga_cerealella", + "2930": "potato_moth, potato_tuber_moth, splitworm, Phthorimaea_operculella", + "2931": "potato_tuberworm, Phthorimaea_operculella", + "2932": "noctuid_moth, noctuid, owlet_moth", + "2933": "cutworm", + "2934": "underwing", + "2935": "red_underwing, Catocala_nupta", + "2936": "antler_moth, Cerapteryx_graminis", + "2937": "heliothis_moth, Heliothis_zia", + "2938": "army_cutworm, Chorizagrotis_auxiliaris", + "2939": "armyworm, Pseudaletia_unipuncta", + "2940": "armyworm, army_worm, Pseudaletia_unipuncta", + "2941": "Spodoptera_exigua", + "2942": "beet_armyworm, Spodoptera_exigua", + "2943": "Spodoptera_frugiperda", + "2944": "fall_armyworm, Spodoptera_frugiperda", + "2945": "hawkmoth, hawk_moth, sphingid, sphinx_moth, hummingbird_moth", + "2946": "Manduca_sexta", + "2947": "tobacco_hornworm, tomato_worm, Manduca_sexta", + "2948": "Manduca_quinquemaculata", + "2949": "tomato_hornworm, potato_worm, Manduca_quinquemaculata", + "2950": "death's-head_moth, Acherontia_atropos", + "2951": "bombycid, bombycid_moth, silkworm_moth", + "2952": "domestic_silkworm_moth, domesticated_silkworm_moth, Bombyx_mori", + "2953": "silkworm", + "2954": "saturniid, saturniid_moth", + "2955": "emperor, emperor_moth, Saturnia_pavonia", + "2956": "imperial_moth, Eacles_imperialis", + "2957": "giant_silkworm_moth, silkworm_moth", + "2958": "silkworm, giant_silkworm, wild_wilkworm", + "2959": "luna_moth, Actias_luna", + "2960": "cecropia, cecropia_moth, Hyalophora_cecropia", + "2961": "cynthia_moth, Samia_cynthia, Samia_walkeri", + "2962": "ailanthus_silkworm, Samia_cynthia", + "2963": "io_moth, Automeris_io", + "2964": "polyphemus_moth, Antheraea_polyphemus", + "2965": "pernyi_moth, Antheraea_pernyi", + "2966": "tussah, tusseh, tussur, tussore, tusser, Antheraea_mylitta", + "2967": "atlas_moth, Atticus_atlas", + "2968": "arctiid, arctiid_moth", + "2969": "tiger_moth", + "2970": "cinnabar, cinnabar_moth, Callimorpha_jacobeae", + "2971": "lasiocampid, lasiocampid_moth", + "2972": "eggar, egger", + "2973": "tent-caterpillar_moth, Malacosoma_americana", + "2974": "tent_caterpillar", + "2975": "tent-caterpillar_moth, Malacosoma_disstria", + "2976": "forest_tent_caterpillar, Malacosoma_disstria", + "2977": "lappet, lappet_moth", + "2978": "lappet_caterpillar", + "2979": "webworm", + "2980": "webworm_moth", + "2981": "Hyphantria_cunea", + "2982": "fall_webworm, Hyphantria_cunea", + "2983": "garden_webworm, Loxostege_similalis", + "2984": "instar", + "2985": "caterpillar", + "2986": "corn_borer, Pyrausta_nubilalis", + "2987": "bollworm", + "2988": "pink_bollworm, Gelechia_gossypiella", + "2989": "corn_earworm, cotton_bollworm, tomato_fruitworm, tobacco_budworm, vetchworm, Heliothis_zia", + "2990": "cabbageworm, Pieris_rapae", + "2991": "woolly_bear, woolly_bear_caterpillar", + "2992": "woolly_bear_moth", + "2993": "larva", + "2994": "nymph", + "2995": "leptocephalus", + "2996": "grub", + "2997": "maggot", + "2998": "leatherjacket", + "2999": "pupa", + "3000": "chrysalis", + "3001": "imago", + "3002": "queen", + "3003": "phoronid", + "3004": "bryozoan, polyzoan, sea_mat, sea_moss, moss_animal", + "3005": "brachiopod, lamp_shell, lampshell", + "3006": "peanut_worm, sipunculid", + "3007": "echinoderm", + "3008": "starfish, sea_star", + "3009": "brittle_star, brittle-star, serpent_star", + "3010": "basket_star, basket_fish", + "3011": "Astrophyton_muricatum", + "3012": "sea_urchin", + "3013": "edible_sea_urchin, Echinus_esculentus", + "3014": "sand_dollar", + "3015": "heart_urchin", + "3016": "crinoid", + "3017": "sea_lily", + "3018": "feather_star, comatulid", + "3019": "sea_cucumber, holothurian", + "3020": "trepang, Holothuria_edulis", + "3021": "Duplicidentata", + "3022": "lagomorph, gnawing_mammal", + "3023": "leporid, leporid_mammal", + "3024": "rabbit, coney, cony", + "3025": "rabbit_ears", + "3026": "lapin", + "3027": "bunny, bunny_rabbit", + "3028": "European_rabbit, Old_World_rabbit, Oryctolagus_cuniculus", + "3029": "wood_rabbit, cottontail, cottontail_rabbit", + "3030": "eastern_cottontail, Sylvilagus_floridanus", + "3031": "swamp_rabbit, canecutter, swamp_hare, Sylvilagus_aquaticus", + "3032": "marsh_hare, swamp_rabbit, Sylvilagus_palustris", + "3033": "hare", + "3034": "leveret", + "3035": "European_hare, Lepus_europaeus", + "3036": "jackrabbit", + "3037": "white-tailed_jackrabbit, whitetail_jackrabbit, Lepus_townsendi", + "3038": "blacktail_jackrabbit, Lepus_californicus", + "3039": "polar_hare, Arctic_hare, Lepus_arcticus", + "3040": "snowshoe_hare, snowshoe_rabbit, varying_hare, Lepus_americanus", + "3041": "Belgian_hare, leporide", + "3042": "Angora, Angora_rabbit", + "3043": "pika, mouse_hare, rock_rabbit, coney, cony", + "3044": "little_chief_hare, Ochotona_princeps", + "3045": "collared_pika, Ochotona_collaris", + "3046": "rodent, gnawer", + "3047": "mouse", + "3048": "rat", + "3049": "pocket_rat", + "3050": "murine", + "3051": "house_mouse, Mus_musculus", + "3052": "harvest_mouse, Micromyx_minutus", + "3053": "field_mouse, fieldmouse", + "3054": "nude_mouse", + "3055": "European_wood_mouse, Apodemus_sylvaticus", + "3056": "brown_rat, Norway_rat, Rattus_norvegicus", + "3057": "wharf_rat", + "3058": "sewer_rat", + "3059": "black_rat, roof_rat, Rattus_rattus", + "3060": "bandicoot_rat, mole_rat", + "3061": "jerboa_rat", + "3062": "kangaroo_mouse", + "3063": "water_rat", + "3064": "beaver_rat", + "3065": "New_World_mouse", + "3066": "American_harvest_mouse, harvest_mouse", + "3067": "wood_mouse", + "3068": "white-footed_mouse, vesper_mouse, Peromyscus_leucopus", + "3069": "deer_mouse, Peromyscus_maniculatus", + "3070": "cactus_mouse, Peromyscus_eremicus", + "3071": "cotton_mouse, Peromyscus_gossypinus", + "3072": "pygmy_mouse, Baiomys_taylori", + "3073": "grasshopper_mouse", + "3074": "muskrat, musquash, Ondatra_zibethica", + "3075": "round-tailed_muskrat, Florida_water_rat, Neofiber_alleni", + "3076": "cotton_rat, Sigmodon_hispidus", + "3077": "wood_rat, wood-rat", + "3078": "dusky-footed_wood_rat", + "3079": "vole, field_mouse", + "3080": "packrat, pack_rat, trade_rat, bushytail_woodrat, Neotoma_cinerea", + "3081": "dusky-footed_woodrat, Neotoma_fuscipes", + "3082": "eastern_woodrat, Neotoma_floridana", + "3083": "rice_rat, Oryzomys_palustris", + "3084": "pine_vole, pine_mouse, Pitymys_pinetorum", + "3085": "meadow_vole, meadow_mouse, Microtus_pennsylvaticus", + "3086": "water_vole, Richardson_vole, Microtus_richardsoni", + "3087": "prairie_vole, Microtus_ochrogaster", + "3088": "water_vole, water_rat, Arvicola_amphibius", + "3089": "red-backed_mouse, redback_vole", + "3090": "phenacomys", + "3091": "hamster", + "3092": "Eurasian_hamster, Cricetus_cricetus", + "3093": "golden_hamster, Syrian_hamster, Mesocricetus_auratus", + "3094": "gerbil, gerbille", + "3095": "jird", + "3096": "tamarisk_gerbil, Meriones_unguiculatus", + "3097": "sand_rat, Meriones_longifrons", + "3098": "lemming", + "3099": "European_lemming, Lemmus_lemmus", + "3100": "brown_lemming, Lemmus_trimucronatus", + "3101": "grey_lemming, gray_lemming, red-backed_lemming", + "3102": "pied_lemming", + "3103": "Hudson_bay_collared_lemming, Dicrostonyx_hudsonius", + "3104": "southern_bog_lemming, Synaptomys_cooperi", + "3105": "northern_bog_lemming, Synaptomys_borealis", + "3106": "porcupine, hedgehog", + "3107": "Old_World_porcupine", + "3108": "brush-tailed_porcupine, brush-tail_porcupine", + "3109": "long-tailed_porcupine, Trichys_lipura", + "3110": "New_World_porcupine", + "3111": "Canada_porcupine, Erethizon_dorsatum", + "3112": "pocket_mouse", + "3113": "silky_pocket_mouse, Perognathus_flavus", + "3114": "plains_pocket_mouse, Perognathus_flavescens", + "3115": "hispid_pocket_mouse, Perognathus_hispidus", + "3116": "Mexican_pocket_mouse, Liomys_irroratus", + "3117": "kangaroo_rat, desert_rat, Dipodomys_phillipsii", + "3118": "Ord_kangaroo_rat, Dipodomys_ordi", + "3119": "kangaroo_mouse, dwarf_pocket_rat", + "3120": "jumping_mouse", + "3121": "meadow_jumping_mouse, Zapus_hudsonius", + "3122": "jerboa", + "3123": "typical_jerboa", + "3124": "Jaculus_jaculus", + "3125": "dormouse", + "3126": "loir, Glis_glis", + "3127": "hazel_mouse, Muscardinus_avellanarius", + "3128": "lerot", + "3129": "gopher, pocket_gopher, pouched_rat", + "3130": "plains_pocket_gopher, Geomys_bursarius", + "3131": "southeastern_pocket_gopher, Geomys_pinetis", + "3132": "valley_pocket_gopher, Thomomys_bottae", + "3133": "northern_pocket_gopher, Thomomys_talpoides", + "3134": "squirrel", + "3135": "tree_squirrel", + "3136": "eastern_grey_squirrel, eastern_gray_squirrel, cat_squirrel, Sciurus_carolinensis", + "3137": "western_grey_squirrel, western_gray_squirrel, Sciurus_griseus", + "3138": "fox_squirrel, eastern_fox_squirrel, Sciurus_niger", + "3139": "black_squirrel", + "3140": "red_squirrel, cat_squirrel, Sciurus_vulgaris", + "3141": "American_red_squirrel, spruce_squirrel, red_squirrel, Sciurus_hudsonicus, Tamiasciurus_hudsonicus", + "3142": "chickeree, Douglas_squirrel, Tamiasciurus_douglasi", + "3143": "antelope_squirrel, whitetail_antelope_squirrel, antelope_chipmunk, Citellus_leucurus", + "3144": "ground_squirrel, gopher, spermophile", + "3145": "mantled_ground_squirrel, Citellus_lateralis", + "3146": "suslik, souslik, Citellus_citellus", + "3147": "flickertail, Richardson_ground_squirrel, Citellus_richardsoni", + "3148": "rock_squirrel, Citellus_variegatus", + "3149": "Arctic_ground_squirrel, parka_squirrel, Citellus_parryi", + "3150": "prairie_dog, prairie_marmot", + "3151": "blacktail_prairie_dog, Cynomys_ludovicianus", + "3152": "whitetail_prairie_dog, Cynomys_gunnisoni", + "3153": "eastern_chipmunk, hackee, striped_squirrel, ground_squirrel, Tamias_striatus", + "3154": "chipmunk", + "3155": "baronduki, baranduki, barunduki, burunduki, Eutamius_asiaticus, Eutamius_sibiricus", + "3156": "American_flying_squirrel", + "3157": "southern_flying_squirrel, Glaucomys_volans", + "3158": "northern_flying_squirrel, Glaucomys_sabrinus", + "3159": "marmot", + "3160": "groundhog, woodchuck, Marmota_monax", + "3161": "hoary_marmot, whistler, whistling_marmot, Marmota_caligata", + "3162": "yellowbelly_marmot, rockchuck, Marmota_flaviventris", + "3163": "Asiatic_flying_squirrel", + "3164": "beaver", + "3165": "Old_World_beaver, Castor_fiber", + "3166": "New_World_beaver, Castor_canadensis", + "3167": "mountain_beaver, sewellel, Aplodontia_rufa", + "3168": "cavy", + "3169": "guinea_pig, Cavia_cobaya", + "3170": "aperea, wild_cavy, Cavia_porcellus", + "3171": "mara, Dolichotis_patagonum", + "3172": "capybara, capibara, Hydrochoerus_hydrochaeris", + "3173": "agouti, Dasyprocta_aguti", + "3174": "paca, Cuniculus_paca", + "3175": "mountain_paca", + "3176": "coypu, nutria, Myocastor_coypus", + "3177": "chinchilla, Chinchilla_laniger", + "3178": "mountain_chinchilla, mountain_viscacha", + "3179": "viscacha, chinchillon, Lagostomus_maximus", + "3180": "abrocome, chinchilla_rat, rat_chinchilla", + "3181": "mole_rat", + "3182": "mole_rat", + "3183": "sand_rat", + "3184": "naked_mole_rat", + "3185": "queen, queen_mole_rat", + "3186": "Damaraland_mole_rat", + "3187": "Ungulata", + "3188": "ungulate, hoofed_mammal", + "3189": "unguiculate, unguiculate_mammal", + "3190": "dinoceras, uintathere", + "3191": "hyrax, coney, cony, dassie, das", + "3192": "rock_hyrax, rock_rabbit, Procavia_capensis", + "3193": "odd-toed_ungulate, perissodactyl, perissodactyl_mammal", + "3194": "equine, equid", + "3195": "horse, Equus_caballus", + "3196": "roan", + "3197": "stablemate, stable_companion", + "3198": "gee-gee", + "3199": "eohippus, dawn_horse", + "3200": "foal", + "3201": "filly", + "3202": "colt", + "3203": "male_horse", + "3204": "ridgeling, ridgling, ridgel, ridgil", + "3205": "stallion, entire", + "3206": "stud, studhorse", + "3207": "gelding", + "3208": "mare, female_horse", + "3209": "broodmare, stud_mare", + "3210": "saddle_horse, riding_horse, mount", + "3211": "remount", + "3212": "palfrey", + "3213": "warhorse", + "3214": "cavalry_horse", + "3215": "charger, courser", + "3216": "steed", + "3217": "prancer", + "3218": "hack", + "3219": "cow_pony", + "3220": "quarter_horse", + "3221": "Morgan", + "3222": "Tennessee_walker, Tennessee_walking_horse, Walking_horse, Plantation_walking_horse", + "3223": "American_saddle_horse", + "3224": "Appaloosa", + "3225": "Arabian, Arab", + "3226": "Lippizan, Lipizzan, Lippizaner", + "3227": "pony", + "3228": "polo_pony", + "3229": "mustang", + "3230": "bronco, bronc, broncho", + "3231": "bucking_bronco", + "3232": "buckskin", + "3233": "crowbait, crow-bait", + "3234": "dun", + "3235": "grey, gray", + "3236": "wild_horse", + "3237": "tarpan, Equus_caballus_gomelini", + "3238": "Przewalski's_horse, Przevalski's_horse, Equus_caballus_przewalskii, Equus_caballus_przevalskii", + "3239": "cayuse, Indian_pony", + "3240": "hack", + "3241": "hack, jade, nag, plug", + "3242": "plow_horse, plough_horse", + "3243": "pony", + "3244": "Shetland_pony", + "3245": "Welsh_pony", + "3246": "Exmoor", + "3247": "racehorse, race_horse, bangtail", + "3248": "thoroughbred", + "3249": "steeplechaser", + "3250": "racer", + "3251": "finisher", + "3252": "pony", + "3253": "yearling", + "3254": "dark_horse", + "3255": "mudder", + "3256": "nonstarter", + "3257": "stalking-horse", + "3258": "harness_horse", + "3259": "cob", + "3260": "hackney", + "3261": "workhorse", + "3262": "draft_horse, draught_horse, dray_horse", + "3263": "packhorse", + "3264": "carthorse, cart_horse, drayhorse", + "3265": "Clydesdale", + "3266": "Percheron", + "3267": "farm_horse, dobbin", + "3268": "shire, shire_horse", + "3269": "pole_horse, poler", + "3270": "post_horse, post-horse, poster", + "3271": "coach_horse", + "3272": "pacer", + "3273": "pacer, pacemaker, pacesetter", + "3274": "trotting_horse, trotter", + "3275": "pole_horse", + "3276": "stepper, high_stepper", + "3277": "chestnut", + "3278": "liver_chestnut", + "3279": "bay", + "3280": "sorrel", + "3281": "palomino", + "3282": "pinto", + "3283": "ass", + "3284": "domestic_ass, donkey, Equus_asinus", + "3285": "burro", + "3286": "moke", + "3287": "jack, jackass", + "3288": "jennet, jenny, jenny_ass", + "3289": "mule", + "3290": "hinny", + "3291": "wild_ass", + "3292": "African_wild_ass, Equus_asinus", + "3293": "kiang, Equus_kiang", + "3294": "onager, Equus_hemionus", + "3295": "chigetai, dziggetai, Equus_hemionus_hemionus", + "3296": "zebra", + "3297": "common_zebra, Burchell's_zebra, Equus_Burchelli", + "3298": "mountain_zebra, Equus_zebra_zebra", + "3299": "grevy's_zebra, Equus_grevyi", + "3300": "quagga, Equus_quagga", + "3301": "rhinoceros, rhino", + "3302": "Indian_rhinoceros, Rhinoceros_unicornis", + "3303": "woolly_rhinoceros, Rhinoceros_antiquitatis", + "3304": "white_rhinoceros, Ceratotherium_simum, Diceros_simus", + "3305": "black_rhinoceros, Diceros_bicornis", + "3306": "tapir", + "3307": "New_World_tapir, Tapirus_terrestris", + "3308": "Malayan_tapir, Indian_tapir, Tapirus_indicus", + "3309": "even-toed_ungulate, artiodactyl, artiodactyl_mammal", + "3310": "swine", + "3311": "hog, pig, grunter, squealer, Sus_scrofa", + "3312": "piglet, piggy, shoat, shote", + "3313": "sucking_pig", + "3314": "porker", + "3315": "boar", + "3316": "sow", + "3317": "razorback, razorback_hog, razorbacked_hog", + "3318": "wild_boar, boar, Sus_scrofa", + "3319": "babirusa, babiroussa, babirussa, Babyrousa_Babyrussa", + "3320": "warthog", + "3321": "peccary, musk_hog", + "3322": "collared_peccary, javelina, Tayassu_angulatus, Tayassu_tajacu, Peccari_angulatus", + "3323": "white-lipped_peccary, Tayassu_pecari", + "3324": "hippopotamus, hippo, river_horse, Hippopotamus_amphibius", + "3325": "ruminant", + "3326": "bovid", + "3327": "bovine", + "3328": "ox, wild_ox", + "3329": "cattle, cows, kine, oxen, Bos_taurus", + "3330": "ox", + "3331": "stirk", + "3332": "bullock, steer", + "3333": "bull", + "3334": "cow, moo-cow", + "3335": "heifer", + "3336": "bullock", + "3337": "dogie, dogy, leppy", + "3338": "maverick", + "3339": "beef, beef_cattle", + "3340": "longhorn, Texas_longhorn", + "3341": "Brahman, Brahma, Brahmin, Bos_indicus", + "3342": "zebu", + "3343": "aurochs, urus, Bos_primigenius", + "3344": "yak, Bos_grunniens", + "3345": "banteng, banting, tsine, Bos_banteng", + "3346": "Welsh, Welsh_Black", + "3347": "red_poll", + "3348": "Santa_Gertrudis", + "3349": "Aberdeen_Angus, Angus, black_Angus", + "3350": "Africander", + "3351": "dairy_cattle, dairy_cow, milch_cow, milk_cow, milcher, milker", + "3352": "Ayrshire", + "3353": "Brown_Swiss", + "3354": "Charolais", + "3355": "Jersey", + "3356": "Devon", + "3357": "grade", + "3358": "Durham, shorthorn", + "3359": "milking_shorthorn", + "3360": "Galloway", + "3361": "Friesian, Holstein, Holstein-Friesian", + "3362": "Guernsey", + "3363": "Hereford, whiteface", + "3364": "cattalo, beefalo", + "3365": "Old_World_buffalo, buffalo", + "3366": "water_buffalo, water_ox, Asiatic_buffalo, Bubalus_bubalis", + "3367": "Indian_buffalo", + "3368": "carabao", + "3369": "anoa, dwarf_buffalo, Anoa_depressicornis", + "3370": "tamarau, tamarao, Bubalus_mindorensis, Anoa_mindorensis", + "3371": "Cape_buffalo, Synercus_caffer", + "3372": "Asian_wild_ox", + "3373": "gaur, Bibos_gaurus", + "3374": "gayal, mithan, Bibos_frontalis", + "3375": "bison", + "3376": "American_bison, American_buffalo, buffalo, Bison_bison", + "3377": "wisent, aurochs, Bison_bonasus", + "3378": "musk_ox, musk_sheep, Ovibos_moschatus", + "3379": "sheep", + "3380": "ewe", + "3381": "ram, tup", + "3382": "wether", + "3383": "lamb", + "3384": "lambkin", + "3385": "baa-lamb", + "3386": "hog, hogget, hogg", + "3387": "teg", + "3388": "Persian_lamb", + "3389": "black_sheep", + "3390": "domestic_sheep, Ovis_aries", + "3391": "Cotswold", + "3392": "Hampshire, Hampshire_down", + "3393": "Lincoln", + "3394": "Exmoor", + "3395": "Cheviot", + "3396": "broadtail, caracul, karakul", + "3397": "longwool", + "3398": "merino, merino_sheep", + "3399": "Rambouillet", + "3400": "wild_sheep", + "3401": "argali, argal, Ovis_ammon", + "3402": "Marco_Polo_sheep, Marco_Polo's_sheep, Ovis_poli", + "3403": "urial, Ovis_vignei", + "3404": "Dall_sheep, Dall's_sheep, white_sheep, Ovis_montana_dalli", + "3405": "mountain_sheep", + "3406": "bighorn, bighorn_sheep, cimarron, Rocky_Mountain_bighorn, Rocky_Mountain_sheep, Ovis_canadensis", + "3407": "mouflon, moufflon, Ovis_musimon", + "3408": "aoudad, arui, audad, Barbary_sheep, maned_sheep, Ammotragus_lervia", + "3409": "goat, caprine_animal", + "3410": "kid", + "3411": "billy, billy_goat, he-goat", + "3412": "nanny, nanny-goat, she-goat", + "3413": "domestic_goat, Capra_hircus", + "3414": "Cashmere_goat, Kashmir_goat", + "3415": "Angora, Angora_goat", + "3416": "wild_goat", + "3417": "bezoar_goat, pasang, Capra_aegagrus", + "3418": "markhor, markhoor, Capra_falconeri", + "3419": "ibex, Capra_ibex", + "3420": "goat_antelope", + "3421": "mountain_goat, Rocky_Mountain_goat, Oreamnos_americanus", + "3422": "goral, Naemorhedus_goral", + "3423": "serow", + "3424": "chamois, Rupicapra_rupicapra", + "3425": "takin, gnu_goat, Budorcas_taxicolor", + "3426": "antelope", + "3427": "blackbuck, black_buck, Antilope_cervicapra", + "3428": "gerenuk, Litocranius_walleri", + "3429": "addax, Addax_nasomaculatus", + "3430": "gnu, wildebeest", + "3431": "dik-dik", + "3432": "hartebeest", + "3433": "sassaby, topi, Damaliscus_lunatus", + "3434": "impala, Aepyceros_melampus", + "3435": "gazelle", + "3436": "Thomson's_gazelle, Gazella_thomsoni", + "3437": "Gazella_subgutturosa", + "3438": "springbok, springbuck, Antidorcas_marsupialis, Antidorcas_euchore", + "3439": "bongo, Tragelaphus_eurycerus, Boocercus_eurycerus", + "3440": "kudu, koodoo, koudou", + "3441": "greater_kudu, Tragelaphus_strepsiceros", + "3442": "lesser_kudu, Tragelaphus_imberbis", + "3443": "harnessed_antelope", + "3444": "nyala, Tragelaphus_angasi", + "3445": "mountain_nyala, Tragelaphus_buxtoni", + "3446": "bushbuck, guib, Tragelaphus_scriptus", + "3447": "nilgai, nylghai, nylghau, blue_bull, Boselaphus_tragocamelus", + "3448": "sable_antelope, Hippotragus_niger", + "3449": "saiga, Saiga_tatarica", + "3450": "steenbok, steinbok, Raphicerus_campestris", + "3451": "eland", + "3452": "common_eland, Taurotragus_oryx", + "3453": "giant_eland, Taurotragus_derbianus", + "3454": "kob, Kobus_kob", + "3455": "lechwe, Kobus_leche", + "3456": "waterbuck", + "3457": "puku, Adenota_vardoni", + "3458": "oryx, pasang", + "3459": "gemsbok, gemsbuck, Oryx_gazella", + "3460": "forest_goat, spindle_horn, Pseudoryx_nghetinhensis", + "3461": "pronghorn, prongbuck, pronghorn_antelope, American_antelope, Antilocapra_americana", + "3462": "deer, cervid", + "3463": "stag", + "3464": "royal, royal_stag", + "3465": "pricket", + "3466": "fawn", + "3467": "red_deer, elk, American_elk, wapiti, Cervus_elaphus", + "3468": "hart, stag", + "3469": "hind", + "3470": "brocket", + "3471": "sambar, sambur, Cervus_unicolor", + "3472": "wapiti, elk, American_elk, Cervus_elaphus_canadensis", + "3473": "Japanese_deer, sika, Cervus_nipon, Cervus_sika", + "3474": "Virginia_deer, white_tail, whitetail, white-tailed_deer, whitetail_deer, Odocoileus_Virginianus", + "3475": "mule_deer, burro_deer, Odocoileus_hemionus", + "3476": "black-tailed_deer, blacktail_deer, blacktail, Odocoileus_hemionus_columbianus", + "3477": "elk, European_elk, moose, Alces_alces", + "3478": "fallow_deer, Dama_dama", + "3479": "roe_deer, Capreolus_capreolus", + "3480": "roebuck", + "3481": "caribou, reindeer, Greenland_caribou, Rangifer_tarandus", + "3482": "woodland_caribou, Rangifer_caribou", + "3483": "barren_ground_caribou, Rangifer_arcticus", + "3484": "brocket", + "3485": "muntjac, barking_deer", + "3486": "musk_deer, Moschus_moschiferus", + "3487": "pere_david's_deer, elaphure, Elaphurus_davidianus", + "3488": "chevrotain, mouse_deer", + "3489": "kanchil, Tragulus_kanchil", + "3490": "napu, Tragulus_Javanicus", + "3491": "water_chevrotain, water_deer, Hyemoschus_aquaticus", + "3492": "camel", + "3493": "Arabian_camel, dromedary, Camelus_dromedarius", + "3494": "Bactrian_camel, Camelus_bactrianus", + "3495": "llama", + "3496": "domestic_llama, Lama_peruana", + "3497": "guanaco, Lama_guanicoe", + "3498": "alpaca, Lama_pacos", + "3499": "vicuna, Vicugna_vicugna", + "3500": "giraffe, camelopard, Giraffa_camelopardalis", + "3501": "okapi, Okapia_johnstoni", + "3502": "musteline_mammal, mustelid, musteline", + "3503": "weasel", + "3504": "ermine, shorttail_weasel, Mustela_erminea", + "3505": "stoat", + "3506": "New_World_least_weasel, Mustela_rixosa", + "3507": "Old_World_least_weasel, Mustela_nivalis", + "3508": "longtail_weasel, long-tailed_weasel, Mustela_frenata", + "3509": "mink", + "3510": "American_mink, Mustela_vison", + "3511": "polecat, fitch, foulmart, foumart, Mustela_putorius", + "3512": "ferret", + "3513": "black-footed_ferret, ferret, Mustela_nigripes", + "3514": "muishond", + "3515": "snake_muishond, Poecilogale_albinucha", + "3516": "striped_muishond, Ictonyx_striata", + "3517": "otter", + "3518": "river_otter, Lutra_canadensis", + "3519": "Eurasian_otter, Lutra_lutra", + "3520": "sea_otter, Enhydra_lutris", + "3521": "skunk, polecat, wood_pussy", + "3522": "striped_skunk, Mephitis_mephitis", + "3523": "hooded_skunk, Mephitis_macroura", + "3524": "hog-nosed_skunk, hognosed_skunk, badger_skunk, rooter_skunk, Conepatus_leuconotus", + "3525": "spotted_skunk, little_spotted_skunk, Spilogale_putorius", + "3526": "badger", + "3527": "American_badger, Taxidea_taxus", + "3528": "Eurasian_badger, Meles_meles", + "3529": "ratel, honey_badger, Mellivora_capensis", + "3530": "ferret_badger", + "3531": "hog_badger, hog-nosed_badger, sand_badger, Arctonyx_collaris", + "3532": "wolverine, carcajou, skunk_bear, Gulo_luscus", + "3533": "glutton, Gulo_gulo, wolverine", + "3534": "grison, Grison_vittatus, Galictis_vittatus", + "3535": "marten, marten_cat", + "3536": "pine_marten, Martes_martes", + "3537": "sable, Martes_zibellina", + "3538": "American_marten, American_sable, Martes_americana", + "3539": "stone_marten, beech_marten, Martes_foina", + "3540": "fisher, pekan, fisher_cat, black_cat, Martes_pennanti", + "3541": "yellow-throated_marten, Charronia_flavigula", + "3542": "tayra, taira, Eira_barbara", + "3543": "fictional_animal", + "3544": "pachyderm", + "3545": "edentate", + "3546": "armadillo", + "3547": "peba, nine-banded_armadillo, Texas_armadillo, Dasypus_novemcinctus", + "3548": "apar, three-banded_armadillo, Tolypeutes_tricinctus", + "3549": "tatouay, cabassous, Cabassous_unicinctus", + "3550": "peludo, poyou, Euphractus_sexcinctus", + "3551": "giant_armadillo, tatou, tatu, Priodontes_giganteus", + "3552": "pichiciago, pichiciego, fairy_armadillo, chlamyphore, Chlamyphorus_truncatus", + "3553": "sloth, tree_sloth", + "3554": "three-toed_sloth, ai, Bradypus_tridactylus", + "3555": "two-toed_sloth, unau, unai, Choloepus_didactylus", + "3556": "two-toed_sloth, unau, unai, Choloepus_hoffmanni", + "3557": "megatherian, megatheriid, megatherian_mammal", + "3558": "mylodontid", + "3559": "anteater, New_World_anteater", + "3560": "ant_bear, giant_anteater, great_anteater, tamanoir, Myrmecophaga_jubata", + "3561": "silky_anteater, two-toed_anteater, Cyclopes_didactylus", + "3562": "tamandua, tamandu, lesser_anteater, Tamandua_tetradactyla", + "3563": "pangolin, scaly_anteater, anteater", + "3564": "coronet", + "3565": "scapular", + "3566": "tadpole, polliwog, pollywog", + "3567": "primate", + "3568": "simian", + "3569": "ape", + "3570": "anthropoid", + "3571": "anthropoid_ape", + "3572": "hominoid", + "3573": "hominid", + "3574": "homo, man, human_being, human", + "3575": "world, human_race, humanity, humankind, human_beings, humans, mankind, man", + "3576": "Homo_erectus", + "3577": "Pithecanthropus, Pithecanthropus_erectus, genus_Pithecanthropus", + "3578": "Java_man, Trinil_man", + "3579": "Peking_man", + "3580": "Sinanthropus, genus_Sinanthropus", + "3581": "Homo_soloensis", + "3582": "Javanthropus, genus_Javanthropus", + "3583": "Homo_habilis", + "3584": "Homo_sapiens", + "3585": "Neandertal_man, Neanderthal_man, Neandertal, Neanderthal, Homo_sapiens_neanderthalensis", + "3586": "Cro-magnon", + "3587": "Homo_sapiens_sapiens, modern_man", + "3588": "australopithecine", + "3589": "Australopithecus_afarensis", + "3590": "Australopithecus_africanus", + "3591": "Australopithecus_boisei", + "3592": "Zinjanthropus, genus_Zinjanthropus", + "3593": "Australopithecus_robustus", + "3594": "Paranthropus, genus_Paranthropus", + "3595": "Sivapithecus", + "3596": "rudapithecus, Dryopithecus_Rudapithecus_hungaricus", + "3597": "proconsul", + "3598": "Aegyptopithecus", + "3599": "great_ape, pongid", + "3600": "orangutan, orang, orangutang, Pongo_pygmaeus", + "3601": "gorilla, Gorilla_gorilla", + "3602": "western_lowland_gorilla, Gorilla_gorilla_gorilla", + "3603": "eastern_lowland_gorilla, Gorilla_gorilla_grauri", + "3604": "mountain_gorilla, Gorilla_gorilla_beringei", + "3605": "silverback", + "3606": "chimpanzee, chimp, Pan_troglodytes", + "3607": "western_chimpanzee, Pan_troglodytes_verus", + "3608": "eastern_chimpanzee, Pan_troglodytes_schweinfurthii", + "3609": "central_chimpanzee, Pan_troglodytes_troglodytes", + "3610": "pygmy_chimpanzee, bonobo, Pan_paniscus", + "3611": "lesser_ape", + "3612": "gibbon, Hylobates_lar", + "3613": "siamang, Hylobates_syndactylus, Symphalangus_syndactylus", + "3614": "monkey", + "3615": "Old_World_monkey, catarrhine", + "3616": "guenon, guenon_monkey", + "3617": "talapoin, Cercopithecus_talapoin", + "3618": "grivet, Cercopithecus_aethiops", + "3619": "vervet, vervet_monkey, Cercopithecus_aethiops_pygerythrus", + "3620": "green_monkey, African_green_monkey, Cercopithecus_aethiops_sabaeus", + "3621": "mangabey", + "3622": "patas, hussar_monkey, Erythrocebus_patas", + "3623": "baboon", + "3624": "chacma, chacma_baboon, Papio_ursinus", + "3625": "mandrill, Mandrillus_sphinx", + "3626": "drill, Mandrillus_leucophaeus", + "3627": "macaque", + "3628": "rhesus, rhesus_monkey, Macaca_mulatta", + "3629": "bonnet_macaque, bonnet_monkey, capped_macaque, crown_monkey, Macaca_radiata", + "3630": "Barbary_ape, Macaca_sylvana", + "3631": "crab-eating_macaque, croo_monkey, Macaca_irus", + "3632": "langur", + "3633": "entellus, hanuman, Presbytes_entellus, Semnopithecus_entellus", + "3634": "colobus, colobus_monkey", + "3635": "guereza, Colobus_guereza", + "3636": "proboscis_monkey, Nasalis_larvatus", + "3637": "New_World_monkey, platyrrhine, platyrrhinian", + "3638": "marmoset", + "3639": "true_marmoset", + "3640": "pygmy_marmoset, Cebuella_pygmaea", + "3641": "tamarin, lion_monkey, lion_marmoset, leoncita", + "3642": "silky_tamarin, Leontocebus_rosalia", + "3643": "pinche, Leontocebus_oedipus", + "3644": "capuchin, ringtail, Cebus_capucinus", + "3645": "douroucouli, Aotus_trivirgatus", + "3646": "howler_monkey, howler", + "3647": "saki", + "3648": "uakari", + "3649": "titi, titi_monkey", + "3650": "spider_monkey, Ateles_geoffroyi", + "3651": "squirrel_monkey, Saimiri_sciureus", + "3652": "woolly_monkey", + "3653": "tree_shrew", + "3654": "prosimian", + "3655": "lemur", + "3656": "Madagascar_cat, ring-tailed_lemur, Lemur_catta", + "3657": "aye-aye, Daubentonia_madagascariensis", + "3658": "slender_loris, Loris_gracilis", + "3659": "slow_loris, Nycticebus_tardigradua, Nycticebus_pygmaeus", + "3660": "potto, kinkajou, Perodicticus_potto", + "3661": "angwantibo, golden_potto, Arctocebus_calabarensis", + "3662": "galago, bushbaby, bush_baby", + "3663": "indri, indris, Indri_indri, Indri_brevicaudatus", + "3664": "woolly_indris, Avahi_laniger", + "3665": "tarsier", + "3666": "Tarsius_syrichta", + "3667": "Tarsius_glis", + "3668": "flying_lemur, flying_cat, colugo", + "3669": "Cynocephalus_variegatus", + "3670": "proboscidean, proboscidian", + "3671": "elephant", + "3672": "rogue_elephant", + "3673": "Indian_elephant, Elephas_maximus", + "3674": "African_elephant, Loxodonta_africana", + "3675": "mammoth", + "3676": "woolly_mammoth, northern_mammoth, Mammuthus_primigenius", + "3677": "columbian_mammoth, Mammuthus_columbi", + "3678": "imperial_mammoth, imperial_elephant, Archidiskidon_imperator", + "3679": "mastodon, mastodont", + "3680": "plantigrade_mammal, plantigrade", + "3681": "digitigrade_mammal, digitigrade", + "3682": "procyonid", + "3683": "raccoon, racoon", + "3684": "common_raccoon, common_racoon, coon, ringtail, Procyon_lotor", + "3685": "crab-eating_raccoon, Procyon_cancrivorus", + "3686": "bassarisk, cacomistle, cacomixle, coon_cat, raccoon_fox, ringtail, ring-tailed_cat, civet_cat, miner's_cat, Bassariscus_astutus", + "3687": "kinkajou, honey_bear, potto, Potos_flavus, Potos_caudivolvulus", + "3688": "coati, coati-mondi, coati-mundi, coon_cat, Nasua_narica", + "3689": "lesser_panda, red_panda, panda, bear_cat, cat_bear, Ailurus_fulgens", + "3690": "giant_panda, panda, panda_bear, coon_bear, Ailuropoda_melanoleuca", + "3691": "twitterer", + "3692": "fish", + "3693": "fingerling", + "3694": "game_fish, sport_fish", + "3695": "food_fish", + "3696": "rough_fish", + "3697": "groundfish, bottom_fish", + "3698": "young_fish", + "3699": "parr", + "3700": "mouthbreeder", + "3701": "spawner", + "3702": "barracouta, snoek", + "3703": "crossopterygian, lobefin, lobe-finned_fish", + "3704": "coelacanth, Latimeria_chalumnae", + "3705": "lungfish", + "3706": "ceratodus", + "3707": "catfish, siluriform_fish", + "3708": "silurid, silurid_fish", + "3709": "European_catfish, sheatfish, Silurus_glanis", + "3710": "electric_catfish, Malopterurus_electricus", + "3711": "bullhead, bullhead_catfish", + "3712": "horned_pout, hornpout, pout, Ameiurus_Melas", + "3713": "brown_bullhead", + "3714": "channel_catfish, channel_cat, Ictalurus_punctatus", + "3715": "blue_catfish, blue_cat, blue_channel_catfish, blue_channel_cat", + "3716": "flathead_catfish, mudcat, goujon, shovelnose_catfish, spoonbill_catfish, Pylodictus_olivaris", + "3717": "armored_catfish", + "3718": "sea_catfish", + "3719": "gadoid, gadoid_fish", + "3720": "cod, codfish", + "3721": "codling", + "3722": "Atlantic_cod, Gadus_morhua", + "3723": "Pacific_cod, Alaska_cod, Gadus_macrocephalus", + "3724": "whiting, Merlangus_merlangus, Gadus_merlangus", + "3725": "burbot, eelpout, ling, cusk, Lota_lota", + "3726": "haddock, Melanogrammus_aeglefinus", + "3727": "pollack, pollock, Pollachius_pollachius", + "3728": "hake", + "3729": "silver_hake, Merluccius_bilinearis, whiting", + "3730": "ling", + "3731": "cusk, torsk, Brosme_brosme", + "3732": "grenadier, rattail, rattail_fish", + "3733": "eel", + "3734": "elver", + "3735": "common_eel, freshwater_eel", + "3736": "tuna, Anguilla_sucklandii", + "3737": "moray, moray_eel", + "3738": "conger, conger_eel", + "3739": "teleost_fish, teleost, teleostan", + "3740": "beaked_salmon, sandfish, Gonorhynchus_gonorhynchus", + "3741": "clupeid_fish, clupeid", + "3742": "whitebait", + "3743": "brit, britt", + "3744": "shad", + "3745": "common_American_shad, Alosa_sapidissima", + "3746": "river_shad, Alosa_chrysocloris", + "3747": "allice_shad, allis_shad, allice, allis, Alosa_alosa", + "3748": "alewife, Alosa_pseudoharengus, Pomolobus_pseudoharengus", + "3749": "menhaden, Brevoortia_tyrannis", + "3750": "herring, Clupea_harangus", + "3751": "Atlantic_herring, Clupea_harengus_harengus", + "3752": "Pacific_herring, Clupea_harengus_pallasii", + "3753": "sardine", + "3754": "sild", + "3755": "brisling, sprat, Clupea_sprattus", + "3756": "pilchard, sardine, Sardina_pilchardus", + "3757": "Pacific_sardine, Sardinops_caerulea", + "3758": "anchovy", + "3759": "mediterranean_anchovy, Engraulis_encrasicholus", + "3760": "salmonid", + "3761": "salmon", + "3762": "parr", + "3763": "blackfish", + "3764": "redfish", + "3765": "Atlantic_salmon, Salmo_salar", + "3766": "landlocked_salmon, lake_salmon", + "3767": "sockeye, sockeye_salmon, red_salmon, blueback_salmon, Oncorhynchus_nerka", + "3768": "chinook, chinook_salmon, king_salmon, quinnat_salmon, Oncorhynchus_tshawytscha", + "3769": "coho, cohoe, coho_salmon, blue_jack, silver_salmon, Oncorhynchus_kisutch", + "3770": "trout", + "3771": "brown_trout, salmon_trout, Salmo_trutta", + "3772": "rainbow_trout, Salmo_gairdneri", + "3773": "sea_trout", + "3774": "lake_trout, salmon_trout, Salvelinus_namaycush", + "3775": "brook_trout, speckled_trout, Salvelinus_fontinalis", + "3776": "char, charr", + "3777": "Arctic_char, Salvelinus_alpinus", + "3778": "whitefish", + "3779": "lake_whitefish, Coregonus_clupeaformis", + "3780": "cisco, lake_herring, Coregonus_artedi", + "3781": "round_whitefish, Menominee_whitefish, Prosopium_cylindraceum", + "3782": "smelt", + "3783": "sparling, European_smelt, Osmerus_eperlanus", + "3784": "capelin, capelan, caplin", + "3785": "tarpon, Tarpon_atlanticus", + "3786": "ladyfish, tenpounder, Elops_saurus", + "3787": "bonefish, Albula_vulpes", + "3788": "argentine", + "3789": "lanternfish", + "3790": "lizardfish, snakefish, snake-fish", + "3791": "lancetfish, lancet_fish, wolffish", + "3792": "opah, moonfish, Lampris_regius", + "3793": "New_World_opah, Lampris_guttatus", + "3794": "ribbonfish", + "3795": "dealfish, Trachipterus_arcticus", + "3796": "oarfish, king_of_the_herring, ribbonfish, Regalecus_glesne", + "3797": "batfish", + "3798": "goosefish, angler, anglerfish, angler_fish, monkfish, lotte, allmouth, Lophius_Americanus", + "3799": "toadfish, Opsanus_tau", + "3800": "oyster_fish, oyster-fish, oysterfish", + "3801": "frogfish", + "3802": "sargassum_fish", + "3803": "needlefish, gar, billfish", + "3804": "timucu", + "3805": "flying_fish", + "3806": "monoplane_flying_fish, two-wing_flying_fish", + "3807": "halfbeak", + "3808": "saury, billfish, Scomberesox_saurus", + "3809": "spiny-finned_fish, acanthopterygian", + "3810": "lingcod, Ophiodon_elongatus", + "3811": "percoid_fish, percoid, percoidean", + "3812": "perch", + "3813": "climbing_perch, Anabas_testudineus, A._testudineus", + "3814": "perch", + "3815": "yellow_perch, Perca_flavescens", + "3816": "European_perch, Perca_fluviatilis", + "3817": "pike-perch, pike_perch", + "3818": "walleye, walleyed_pike, jack_salmon, dory, Stizostedion_vitreum", + "3819": "blue_pike, blue_pickerel, blue_pikeperch, blue_walleye, Strizostedion_vitreum_glaucum", + "3820": "snail_darter, Percina_tanasi", + "3821": "cusk-eel", + "3822": "brotula", + "3823": "pearlfish, pearl-fish", + "3824": "robalo", + "3825": "snook", + "3826": "pike", + "3827": "northern_pike, Esox_lucius", + "3828": "muskellunge, Esox_masquinongy", + "3829": "pickerel", + "3830": "chain_pickerel, chain_pike, Esox_niger", + "3831": "redfin_pickerel, barred_pickerel, Esox_americanus", + "3832": "sunfish, centrarchid", + "3833": "crappie", + "3834": "black_crappie, Pomoxis_nigromaculatus", + "3835": "white_crappie, Pomoxis_annularis", + "3836": "freshwater_bream, bream", + "3837": "pumpkinseed, Lepomis_gibbosus", + "3838": "bluegill, Lepomis_macrochirus", + "3839": "spotted_sunfish, stumpknocker, Lepomis_punctatus", + "3840": "freshwater_bass", + "3841": "rock_bass, rock_sunfish, Ambloplites_rupestris", + "3842": "black_bass", + "3843": "Kentucky_black_bass, spotted_black_bass, Micropterus_pseudoplites", + "3844": "smallmouth, smallmouth_bass, smallmouthed_bass, smallmouth_black_bass, smallmouthed_black_bass, Micropterus_dolomieu", + "3845": "largemouth, largemouth_bass, largemouthed_bass, largemouth_black_bass, largemouthed_black_bass, Micropterus_salmoides", + "3846": "bass", + "3847": "serranid_fish, serranid", + "3848": "white_perch, silver_perch, Morone_americana", + "3849": "yellow_bass, Morone_interrupta", + "3850": "blackmouth_bass, Synagrops_bellus", + "3851": "rock_sea_bass, rock_bass, Centropristis_philadelphica", + "3852": "striped_bass, striper, Roccus_saxatilis, rockfish", + "3853": "stone_bass, wreckfish, Polyprion_americanus", + "3854": "grouper", + "3855": "hind", + "3856": "rock_hind, Epinephelus_adscensionis", + "3857": "creole-fish, Paranthias_furcifer", + "3858": "jewfish, Mycteroperca_bonaci", + "3859": "soapfish", + "3860": "surfperch, surffish, surf_fish", + "3861": "rainbow_seaperch, rainbow_perch, Hipsurus_caryi", + "3862": "bigeye", + "3863": "catalufa, Priacanthus_arenatus", + "3864": "cardinalfish", + "3865": "flame_fish, flamefish, Apogon_maculatus", + "3866": "tilefish, Lopholatilus_chamaeleonticeps", + "3867": "bluefish, Pomatomus_saltatrix", + "3868": "cobia, Rachycentron_canadum, sergeant_fish", + "3869": "remora, suckerfish, sucking_fish", + "3870": "sharksucker, Echeneis_naucrates", + "3871": "whale_sucker, whalesucker, Remilegia_australis", + "3872": "carangid_fish, carangid", + "3873": "jack", + "3874": "crevalle_jack, jack_crevalle, Caranx_hippos", + "3875": "yellow_jack, Caranx_bartholomaei", + "3876": "runner, blue_runner, Caranx_crysos", + "3877": "rainbow_runner, Elagatis_bipinnulata", + "3878": "leatherjacket, leatherjack", + "3879": "threadfish, thread-fish, Alectis_ciliaris", + "3880": "moonfish, Atlantic_moonfish, horsefish, horsehead, horse-head, dollarfish, Selene_setapinnis", + "3881": "lookdown, lookdown_fish, Selene_vomer", + "3882": "amberjack, amberfish", + "3883": "yellowtail, Seriola_dorsalis", + "3884": "kingfish, Seriola_grandis", + "3885": "pompano", + "3886": "Florida_pompano, Trachinotus_carolinus", + "3887": "permit, Trachinotus_falcatus", + "3888": "scad", + "3889": "horse_mackerel, jack_mackerel, Spanish_mackerel, saurel, Trachurus_symmetricus", + "3890": "horse_mackerel, saurel, Trachurus_trachurus", + "3891": "bigeye_scad, big-eyed_scad, goggle-eye, Selar_crumenophthalmus", + "3892": "mackerel_scad, mackerel_shad, Decapterus_macarellus", + "3893": "round_scad, cigarfish, quiaquia, Decapterus_punctatus", + "3894": "dolphinfish, dolphin, mahimahi", + "3895": "Coryphaena_hippurus", + "3896": "Coryphaena_equisetis", + "3897": "pomfret, Brama_raii", + "3898": "characin, characin_fish, characid", + "3899": "tetra", + "3900": "cardinal_tetra, Paracheirodon_axelrodi", + "3901": "piranha, pirana, caribe", + "3902": "cichlid, cichlid_fish", + "3903": "bolti, Tilapia_nilotica", + "3904": "snapper", + "3905": "red_snapper, Lutjanus_blackfordi", + "3906": "grey_snapper, gray_snapper, mangrove_snapper, Lutjanus_griseus", + "3907": "mutton_snapper, muttonfish, Lutjanus_analis", + "3908": "schoolmaster, Lutjanus_apodus", + "3909": "yellowtail, yellowtail_snapper, Ocyurus_chrysurus", + "3910": "grunt", + "3911": "margate, Haemulon_album", + "3912": "Spanish_grunt, Haemulon_macrostomum", + "3913": "tomtate, Haemulon_aurolineatum", + "3914": "cottonwick, Haemulon_malanurum", + "3915": "sailor's-choice, sailors_choice, Haemulon_parra", + "3916": "porkfish, pork-fish, Anisotremus_virginicus", + "3917": "pompon, black_margate, Anisotremus_surinamensis", + "3918": "pigfish, hogfish, Orthopristis_chrysopterus", + "3919": "sparid, sparid_fish", + "3920": "sea_bream, bream", + "3921": "porgy", + "3922": "red_porgy, Pagrus_pagrus", + "3923": "European_sea_bream, Pagellus_centrodontus", + "3924": "Atlantic_sea_bream, Archosargus_rhomboidalis", + "3925": "sheepshead, Archosargus_probatocephalus", + "3926": "pinfish, sailor's-choice, squirrelfish, Lagodon_rhomboides", + "3927": "sheepshead_porgy, Calamus_penna", + "3928": "snapper, Chrysophrys_auratus", + "3929": "black_bream, Chrysophrys_australis", + "3930": "scup, northern_porgy, northern_scup, Stenotomus_chrysops", + "3931": "scup, southern_porgy, southern_scup, Stenotomus_aculeatus", + "3932": "sciaenid_fish, sciaenid", + "3933": "striped_drum, Equetus_pulcher", + "3934": "jackknife-fish, Equetus_lanceolatus", + "3935": "silver_perch, mademoiselle, Bairdiella_chrysoura", + "3936": "red_drum, channel_bass, redfish, Sciaenops_ocellatus", + "3937": "mulloway, jewfish, Sciaena_antarctica", + "3938": "maigre, maiger, Sciaena_aquila", + "3939": "croaker", + "3940": "Atlantic_croaker, Micropogonias_undulatus", + "3941": "yellowfin_croaker, surffish, surf_fish, Umbrina_roncador", + "3942": "whiting", + "3943": "kingfish", + "3944": "king_whiting, Menticirrhus_americanus", + "3945": "northern_whiting, Menticirrhus_saxatilis", + "3946": "corbina, Menticirrhus_undulatus", + "3947": "white_croaker, chenfish, kingfish, Genyonemus_lineatus", + "3948": "white_croaker, queenfish, Seriphus_politus", + "3949": "sea_trout", + "3950": "weakfish, Cynoscion_regalis", + "3951": "spotted_weakfish, spotted_sea_trout, spotted_squeateague, Cynoscion_nebulosus", + "3952": "mullet", + "3953": "goatfish, red_mullet, surmullet, Mullus_surmuletus", + "3954": "red_goatfish, Mullus_auratus", + "3955": "yellow_goatfish, Mulloidichthys_martinicus", + "3956": "mullet, grey_mullet, gray_mullet", + "3957": "striped_mullet, Mugil_cephalus", + "3958": "white_mullet, Mugil_curema", + "3959": "liza, Mugil_liza", + "3960": "silversides, silverside", + "3961": "jacksmelt, Atherinopsis_californiensis", + "3962": "barracuda", + "3963": "great_barracuda, Sphyraena_barracuda", + "3964": "sweeper", + "3965": "sea_chub", + "3966": "Bermuda_chub, rudderfish, Kyphosus_sectatrix", + "3967": "spadefish, angelfish, Chaetodipterus_faber", + "3968": "butterfly_fish", + "3969": "chaetodon", + "3970": "angelfish", + "3971": "rock_beauty, Holocanthus_tricolor", + "3972": "damselfish, demoiselle", + "3973": "beaugregory, Pomacentrus_leucostictus", + "3974": "anemone_fish", + "3975": "clown_anemone_fish, Amphiprion_percula", + "3976": "sergeant_major, Abudefduf_saxatilis", + "3977": "wrasse", + "3978": "pigfish, giant_pigfish, Achoerodus_gouldii", + "3979": "hogfish, hog_snapper, Lachnolaimus_maximus", + "3980": "slippery_dick, Halicoeres_bivittatus", + "3981": "puddingwife, pudding-wife, Halicoeres_radiatus", + "3982": "bluehead, Thalassoma_bifasciatum", + "3983": "pearly_razorfish, Hemipteronatus_novacula", + "3984": "tautog, blackfish, Tautoga_onitis", + "3985": "cunner, bergall, Tautogolabrus_adspersus", + "3986": "parrotfish, polly_fish, pollyfish", + "3987": "threadfin", + "3988": "jawfish", + "3989": "stargazer", + "3990": "sand_stargazer", + "3991": "blenny, combtooth_blenny", + "3992": "shanny, Blennius_pholis", + "3993": "Molly_Miller, Scartella_cristata", + "3994": "clinid, clinid_fish", + "3995": "pikeblenny", + "3996": "bluethroat_pikeblenny, Chaenopsis_ocellata", + "3997": "gunnel, bracketed_blenny", + "3998": "rock_gunnel, butterfish, Pholis_gunnellus", + "3999": "eelblenny", + "4000": "wrymouth, ghostfish, Cryptacanthodes_maculatus", + "4001": "wolffish, wolf_fish, catfish", + "4002": "viviparous_eelpout, Zoarces_viviparus", + "4003": "ocean_pout, Macrozoarces_americanus", + "4004": "sand_lance, sand_launce, sand_eel, launce", + "4005": "dragonet", + "4006": "goby, gudgeon", + "4007": "mudskipper, mudspringer", + "4008": "sleeper, sleeper_goby", + "4009": "flathead", + "4010": "archerfish, Toxotes_jaculatrix", + "4011": "surgeonfish", + "4012": "gempylid", + "4013": "snake_mackerel, Gempylus_serpens", + "4014": "escolar, Lepidocybium_flavobrunneum", + "4015": "oilfish, Ruvettus_pretiosus", + "4016": "cutlassfish, frost_fish, hairtail", + "4017": "scombroid, scombroid_fish", + "4018": "mackerel", + "4019": "common_mackerel, shiner, Scomber_scombrus", + "4020": "Spanish_mackerel, Scomber_colias", + "4021": "chub_mackerel, tinker, Scomber_japonicus", + "4022": "wahoo, Acanthocybium_solandri", + "4023": "Spanish_mackerel", + "4024": "king_mackerel, cavalla, cero, Scomberomorus_cavalla", + "4025": "Scomberomorus_maculatus", + "4026": "cero, pintado, kingfish, Scomberomorus_regalis", + "4027": "sierra, Scomberomorus_sierra", + "4028": "tuna, tunny", + "4029": "albacore, long-fin_tunny, Thunnus_alalunga", + "4030": "bluefin, bluefin_tuna, horse_mackerel, Thunnus_thynnus", + "4031": "yellowfin, yellowfin_tuna, Thunnus_albacares", + "4032": "bonito", + "4033": "skipjack, Atlantic_bonito, Sarda_sarda", + "4034": "Chile_bonito, Chilean_bonito, Pacific_bonito, Sarda_chiliensis", + "4035": "skipjack, skipjack_tuna, Euthynnus_pelamis", + "4036": "bonito, oceanic_bonito, Katsuwonus_pelamis", + "4037": "swordfish, Xiphias_gladius", + "4038": "sailfish", + "4039": "Atlantic_sailfish, Istiophorus_albicans", + "4040": "billfish", + "4041": "marlin", + "4042": "blue_marlin, Makaira_nigricans", + "4043": "black_marlin, Makaira_mazara, Makaira_marlina", + "4044": "striped_marlin, Makaira_mitsukurii", + "4045": "white_marlin, Makaira_albida", + "4046": "spearfish", + "4047": "louvar, Luvarus_imperialis", + "4048": "dollarfish, Poronotus_triacanthus", + "4049": "palometa, California_pompano, Palometa_simillima", + "4050": "harvestfish, Paprilus_alepidotus", + "4051": "driftfish", + "4052": "barrelfish, black_rudderfish, Hyperglyphe_perciformis", + "4053": "clingfish", + "4054": "tripletail", + "4055": "Atlantic_tripletail, Lobotes_surinamensis", + "4056": "Pacific_tripletail, Lobotes_pacificus", + "4057": "mojarra", + "4058": "yellowfin_mojarra, Gerres_cinereus", + "4059": "silver_jenny, Eucinostomus_gula", + "4060": "whiting", + "4061": "ganoid, ganoid_fish", + "4062": "bowfin, grindle, dogfish, Amia_calva", + "4063": "paddlefish, duckbill, Polyodon_spathula", + "4064": "Chinese_paddlefish, Psephurus_gladis", + "4065": "sturgeon", + "4066": "Pacific_sturgeon, white_sturgeon, Sacramento_sturgeon, Acipenser_transmontanus", + "4067": "beluga, hausen, white_sturgeon, Acipenser_huso", + "4068": "gar, garfish, garpike, billfish, Lepisosteus_osseus", + "4069": "scorpaenoid, scorpaenoid_fish", + "4070": "scorpaenid, scorpaenid_fish", + "4071": "scorpionfish, scorpion_fish, sea_scorpion", + "4072": "plumed_scorpionfish, Scorpaena_grandicornis", + "4073": "lionfish", + "4074": "stonefish, Synanceja_verrucosa", + "4075": "rockfish", + "4076": "copper_rockfish, Sebastodes_caurinus", + "4077": "vermillion_rockfish, rasher, Sebastodes_miniatus", + "4078": "red_rockfish, Sebastodes_ruberrimus", + "4079": "rosefish, ocean_perch, Sebastodes_marinus", + "4080": "bullhead", + "4081": "miller's-thumb", + "4082": "sea_raven, Hemitripterus_americanus", + "4083": "lumpfish, Cyclopterus_lumpus", + "4084": "lumpsucker", + "4085": "pogge, armed_bullhead, Agonus_cataphractus", + "4086": "greenling", + "4087": "kelp_greenling, Hexagrammos_decagrammus", + "4088": "painted_greenling, convict_fish, convictfish, Oxylebius_pictus", + "4089": "flathead", + "4090": "gurnard", + "4091": "tub_gurnard, yellow_gurnard, Trigla_lucerna", + "4092": "sea_robin, searobin", + "4093": "northern_sea_robin, Prionotus_carolinus", + "4094": "flying_gurnard, flying_robin, butterflyfish", + "4095": "plectognath, plectognath_fish", + "4096": "triggerfish", + "4097": "queen_triggerfish, Bessy_cerca, oldwench, oldwife, Balistes_vetula", + "4098": "filefish", + "4099": "leatherjacket, leatherfish", + "4100": "boxfish, trunkfish", + "4101": "cowfish, Lactophrys_quadricornis", + "4102": "puffer, pufferfish, blowfish, globefish", + "4103": "spiny_puffer", + "4104": "porcupinefish, porcupine_fish, Diodon_hystrix", + "4105": "balloonfish, Diodon_holocanthus", + "4106": "burrfish", + "4107": "ocean_sunfish, sunfish, mola, headfish", + "4108": "sharptail_mola, Mola_lanceolata", + "4109": "flatfish", + "4110": "flounder", + "4111": "righteye_flounder, righteyed_flounder", + "4112": "plaice, Pleuronectes_platessa", + "4113": "European_flatfish, Platichthys_flesus", + "4114": "yellowtail_flounder, Limanda_ferruginea", + "4115": "winter_flounder, blackback_flounder, lemon_sole, Pseudopleuronectes_americanus", + "4116": "lemon_sole, Microstomus_kitt", + "4117": "American_plaice, Hippoglossoides_platessoides", + "4118": "halibut, holibut", + "4119": "Atlantic_halibut, Hippoglossus_hippoglossus", + "4120": "Pacific_halibut, Hippoglossus_stenolepsis", + "4121": "lefteye_flounder, lefteyed_flounder", + "4122": "southern_flounder, Paralichthys_lethostigmus", + "4123": "summer_flounder, Paralichthys_dentatus", + "4124": "whiff", + "4125": "horned_whiff, Citharichthys_cornutus", + "4126": "sand_dab", + "4127": "windowpane, Scophthalmus_aquosus", + "4128": "brill, Scophthalmus_rhombus", + "4129": "turbot, Psetta_maxima", + "4130": "tonguefish, tongue-fish", + "4131": "sole", + "4132": "European_sole, Solea_solea", + "4133": "English_sole, lemon_sole, Parophrys_vitulus", + "4134": "hogchoker, Trinectes_maculatus", + "4135": "aba", + "4136": "abacus", + "4137": "abandoned_ship, derelict", + "4138": "A_battery", + "4139": "abattoir, butchery, shambles, slaughterhouse", + "4140": "abaya", + "4141": "Abbe_condenser", + "4142": "abbey", + "4143": "abbey", + "4144": "abbey", + "4145": "Abney_level", + "4146": "abrader, abradant", + "4147": "abrading_stone", + "4148": "abutment", + "4149": "abutment_arch", + "4150": "academic_costume", + "4151": "academic_gown, academic_robe, judge's_robe", + "4152": "accelerator, throttle, throttle_valve", + "4153": "accelerator, particle_accelerator, atom_smasher", + "4154": "accelerator, accelerator_pedal, gas_pedal, gas, throttle, gun", + "4155": "accelerometer", + "4156": "accessory, accoutrement, accouterment", + "4157": "accommodating_lens_implant, accommodating_IOL", + "4158": "accommodation", + "4159": "accordion, piano_accordion, squeeze_box", + "4160": "acetate_disk, phonograph_recording_disk", + "4161": "acetate_rayon, acetate", + "4162": "achromatic_lens", + "4163": "acoustic_delay_line, sonic_delay_line", + "4164": "acoustic_device", + "4165": "acoustic_guitar", + "4166": "acoustic_modem", + "4167": "acropolis", + "4168": "acrylic", + "4169": "acrylic, acrylic_paint", + "4170": "actinometer", + "4171": "action, action_mechanism", + "4172": "active_matrix_screen", + "4173": "actuator", + "4174": "adapter, adaptor", + "4175": "adder", + "4176": "adding_machine, totalizer, totaliser", + "4177": "addressing_machine, Addressograph", + "4178": "adhesive_bandage", + "4179": "adit", + "4180": "adjoining_room", + "4181": "adjustable_wrench, adjustable_spanner", + "4182": "adobe, adobe_brick", + "4183": "adz, adze", + "4184": "aeolian_harp, aeolian_lyre, wind_harp", + "4185": "aerator", + "4186": "aerial_torpedo", + "4187": "aerosol, aerosol_container, aerosol_can, aerosol_bomb, spray_can", + "4188": "Aertex", + "4189": "afghan", + "4190": "Afro-wig", + "4191": "afterburner", + "4192": "after-shave, after-shave_lotion", + "4193": "agateware", + "4194": "agglomerator", + "4195": "aglet, aiglet, aiguilette", + "4196": "aglet, aiglet", + "4197": "agora, public_square", + "4198": "aigrette, aigret", + "4199": "aileron", + "4200": "air_bag", + "4201": "airbrake", + "4202": "airbrush", + "4203": "airbus", + "4204": "air_compressor", + "4205": "air_conditioner, air_conditioning", + "4206": "aircraft", + "4207": "aircraft_carrier, carrier, flattop, attack_aircraft_carrier", + "4208": "aircraft_engine", + "4209": "air_cushion, air_spring", + "4210": "airdock, hangar, repair_shed", + "4211": "airfield, landing_field, flying_field, field", + "4212": "air_filter, air_cleaner", + "4213": "airfoil, aerofoil, control_surface, surface", + "4214": "airframe", + "4215": "air_gun, airgun, air_rifle", + "4216": "air_hammer, jackhammer, pneumatic_hammer", + "4217": "air_horn", + "4218": "airing_cupboard", + "4219": "airliner", + "4220": "airmailer", + "4221": "airplane, aeroplane, plane", + "4222": "airplane_propeller, airscrew, prop", + "4223": "airport, airdrome, aerodrome, drome", + "4224": "air_pump, vacuum_pump", + "4225": "air_search_radar", + "4226": "airship, dirigible", + "4227": "air_terminal, airport_terminal", + "4228": "air-to-air_missile", + "4229": "air-to-ground_missile, air-to-surface_missile", + "4230": "aisle", + "4231": "Aladdin's_lamp", + "4232": "alarm, warning_device, alarm_system", + "4233": "alarm_clock, alarm", + "4234": "alb", + "4235": "alcazar", + "4236": "alcohol_thermometer, alcohol-in-glass_thermometer", + "4237": "alehouse", + "4238": "alembic", + "4239": "algometer", + "4240": "alidade, alidad", + "4241": "alidade, alidad", + "4242": "A-line", + "4243": "Allen_screw", + "4244": "Allen_wrench", + "4245": "alligator_wrench", + "4246": "alms_dish, alms_tray", + "4247": "alpaca", + "4248": "alpenstock", + "4249": "altar", + "4250": "altar, communion_table, Lord's_table", + "4251": "altarpiece, reredos", + "4252": "altazimuth", + "4253": "alternator", + "4254": "altimeter", + "4255": "Amati", + "4256": "ambulance", + "4257": "amen_corner", + "4258": "American_organ", + "4259": "ammeter", + "4260": "ammonia_clock", + "4261": "ammunition, ammo", + "4262": "amphibian, amphibious_aircraft", + "4263": "amphibian, amphibious_vehicle", + "4264": "amphitheater, amphitheatre, coliseum", + "4265": "amphitheater, amphitheatre", + "4266": "amphora", + "4267": "amplifier", + "4268": "ampulla", + "4269": "amusement_arcade", + "4270": "analog_clock", + "4271": "analog_computer, analogue_computer", + "4272": "analog_watch", + "4273": "analytical_balance, chemical_balance", + "4274": "analyzer, analyser", + "4275": "anamorphosis, anamorphism", + "4276": "anastigmat", + "4277": "anchor, ground_tackle", + "4278": "anchor_chain, anchor_rope", + "4279": "anchor_light, riding_light, riding_lamp", + "4280": "AND_circuit, AND_gate", + "4281": "andiron, firedog, dog, dog-iron", + "4282": "android, humanoid, mechanical_man", + "4283": "anechoic_chamber", + "4284": "anemometer, wind_gauge, wind_gage", + "4285": "aneroid_barometer, aneroid", + "4286": "angiocardiogram", + "4287": "angioscope", + "4288": "angle_bracket, angle_iron", + "4289": "angledozer", + "4290": "ankle_brace", + "4291": "anklet, anklets, bobbysock, bobbysocks", + "4292": "anklet", + "4293": "ankus", + "4294": "anode", + "4295": "anode", + "4296": "answering_machine", + "4297": "antenna, aerial, transmitting_aerial", + "4298": "anteroom, antechamber, entrance_hall, hall, foyer, lobby, vestibule", + "4299": "antiaircraft, antiaircraft_gun, flak, flack, pom-pom, ack-ack, ack-ack_gun", + "4300": "antiballistic_missile, ABM", + "4301": "antifouling_paint", + "4302": "anti-G_suit, G_suit", + "4303": "antimacassar", + "4304": "antiperspirant", + "4305": "anti-submarine_rocket", + "4306": "anvil", + "4307": "ao_dai", + "4308": "apadana", + "4309": "apartment, flat", + "4310": "apartment_building, apartment_house", + "4311": "aperture", + "4312": "aperture", + "4313": "apiary, bee_house", + "4314": "apparatus, setup", + "4315": "apparel, wearing_apparel, dress, clothes", + "4316": "applecart", + "4317": "appliance", + "4318": "appliance, contraption, contrivance, convenience, gadget, gizmo, gismo, widget", + "4319": "applicator, applier", + "4320": "appointment, fitting", + "4321": "apron", + "4322": "apron_string", + "4323": "apse, apsis", + "4324": "aqualung, Aqua-Lung, scuba", + "4325": "aquaplane", + "4326": "aquarium, fish_tank, marine_museum", + "4327": "arabesque", + "4328": "arbor, arbour, bower, pergola", + "4329": "arcade, colonnade", + "4330": "arch", + "4331": "architecture", + "4332": "architrave", + "4333": "arch_support", + "4334": "arc_lamp, arc_light", + "4335": "arctic, galosh, golosh, rubber, gumshoe", + "4336": "area", + "4337": "areaway", + "4338": "argyle, argyll", + "4339": "ark", + "4340": "arm", + "4341": "armament", + "4342": "armature", + "4343": "armband", + "4344": "armchair", + "4345": "armet", + "4346": "arm_guard, arm_pad", + "4347": "armhole", + "4348": "armilla", + "4349": "armlet, arm_band", + "4350": "armoire", + "4351": "armor, armour", + "4352": "armored_car, armoured_car", + "4353": "armored_car, armoured_car", + "4354": "armored_personnel_carrier, armoured_personnel_carrier, APC", + "4355": "armored_vehicle, armoured_vehicle", + "4356": "armor_plate, armour_plate, armor_plating, plate_armor, plate_armour", + "4357": "armory, armoury, arsenal", + "4358": "armrest", + "4359": "arquebus, harquebus, hackbut, hagbut", + "4360": "array", + "4361": "array, raiment, regalia", + "4362": "arrester, arrester_hook", + "4363": "arrow", + "4364": "arsenal, armory, armoury", + "4365": "arterial_road", + "4366": "arthrogram", + "4367": "arthroscope", + "4368": "artificial_heart", + "4369": "artificial_horizon, gyro_horizon, flight_indicator", + "4370": "artificial_joint", + "4371": "artificial_kidney, hemodialyzer", + "4372": "artificial_skin", + "4373": "artillery, heavy_weapon, gun, ordnance", + "4374": "artillery_shell", + "4375": "artist's_loft", + "4376": "art_school", + "4377": "ascot", + "4378": "ashcan, trash_can, garbage_can, wastebin, ash_bin, ash-bin, ashbin, dustbin, trash_barrel, trash_bin", + "4379": "ash-pan", + "4380": "ashtray", + "4381": "aspergill, aspersorium", + "4382": "aspersorium", + "4383": "aspirator", + "4384": "aspirin_powder, headache_powder", + "4385": "assault_gun", + "4386": "assault_rifle, assault_gun", + "4387": "assegai, assagai", + "4388": "assembly", + "4389": "assembly", + "4390": "assembly_hall", + "4391": "assembly_plant", + "4392": "astatic_coils", + "4393": "astatic_galvanometer", + "4394": "astrodome", + "4395": "astrolabe", + "4396": "astronomical_telescope", + "4397": "astronomy_satellite", + "4398": "athenaeum, atheneum", + "4399": "athletic_sock, sweat_sock, varsity_sock", + "4400": "athletic_supporter, supporter, suspensor, jockstrap, jock", + "4401": "atlas, telamon", + "4402": "atmometer, evaporometer", + "4403": "atom_bomb, atomic_bomb, A-bomb, fission_bomb, plutonium_bomb", + "4404": "atomic_clock", + "4405": "atomic_pile, atomic_reactor, pile, chain_reactor", + "4406": "atomizer, atomiser, spray, sprayer, nebulizer, nebuliser", + "4407": "atrium", + "4408": "attache_case, attache", + "4409": "attachment, bond", + "4410": "attack_submarine", + "4411": "attenuator", + "4412": "attic", + "4413": "attic_fan", + "4414": "attire, garb, dress", + "4415": "audio_amplifier", + "4416": "audiocassette", + "4417": "audio_CD, audio_compact_disc", + "4418": "audiometer, sonometer", + "4419": "audio_system, sound_system", + "4420": "audiotape", + "4421": "audiotape", + "4422": "audiovisual, audiovisual_aid", + "4423": "auditorium", + "4424": "auger, gimlet, screw_auger, wimble", + "4425": "autobahn", + "4426": "autoclave, sterilizer, steriliser", + "4427": "autofocus", + "4428": "autogiro, autogyro, gyroplane", + "4429": "autoinjector", + "4430": "autoloader, self-loader", + "4431": "automat", + "4432": "automat", + "4433": "automatic_choke", + "4434": "automatic_firearm, automatic_gun, automatic_weapon", + "4435": "automatic_pistol, automatic", + "4436": "automatic_rifle, automatic, machine_rifle", + "4437": "automatic_transmission, automatic_drive", + "4438": "automation", + "4439": "automaton, robot, golem", + "4440": "automobile_engine", + "4441": "automobile_factory, auto_factory, car_factory", + "4442": "automobile_horn, car_horn, motor_horn, horn, hooter", + "4443": "autopilot, automatic_pilot, robot_pilot", + "4444": "autoradiograph", + "4445": "autostrada", + "4446": "auxiliary_boiler, donkey_boiler", + "4447": "auxiliary_engine, donkey_engine", + "4448": "auxiliary_pump, donkey_pump", + "4449": "auxiliary_research_submarine", + "4450": "auxiliary_storage, external_storage, secondary_storage", + "4451": "aviary, bird_sanctuary, volary", + "4452": "awl", + "4453": "awning, sunshade, sunblind", + "4454": "ax, axe", + "4455": "ax_handle, axe_handle", + "4456": "ax_head, axe_head", + "4457": "axis, axis_of_rotation", + "4458": "axle", + "4459": "axle_bar", + "4460": "axletree", + "4461": "babushka", + "4462": "baby_bed, baby's_bed", + "4463": "baby_buggy, baby_carriage, carriage, perambulator, pram, stroller, go-cart, pushchair, pusher", + "4464": "baby_grand, baby_grand_piano, parlor_grand, parlor_grand_piano, parlour_grand, parlour_grand_piano", + "4465": "baby_powder", + "4466": "baby_shoe", + "4467": "back, backrest", + "4468": "back", + "4469": "backbench", + "4470": "backboard", + "4471": "backboard, basketball_backboard", + "4472": "backbone", + "4473": "back_brace", + "4474": "backgammon_board", + "4475": "background, desktop, screen_background", + "4476": "backhoe", + "4477": "backlighting", + "4478": "backpack, back_pack, knapsack, packsack, rucksack, haversack", + "4479": "backpacking_tent, pack_tent", + "4480": "backplate", + "4481": "back_porch", + "4482": "backsaw, back_saw", + "4483": "backscratcher", + "4484": "backseat", + "4485": "backspace_key, backspace, backspacer", + "4486": "backstairs", + "4487": "backstay", + "4488": "backstop", + "4489": "backsword", + "4490": "backup_system", + "4491": "badminton_court", + "4492": "badminton_equipment", + "4493": "badminton_racket, badminton_racquet, battledore", + "4494": "bag", + "4495": "bag, traveling_bag, travelling_bag, grip, suitcase", + "4496": "bag, handbag, pocketbook, purse", + "4497": "baggage, luggage", + "4498": "baggage", + "4499": "baggage_car, luggage_van", + "4500": "baggage_claim", + "4501": "bagpipe", + "4502": "bailey", + "4503": "bailey", + "4504": "Bailey_bridge", + "4505": "bain-marie", + "4506": "bait, decoy, lure", + "4507": "baize", + "4508": "bakery, bakeshop, bakehouse", + "4509": "balaclava, balaclava_helmet", + "4510": "balalaika", + "4511": "balance", + "4512": "balance_beam, beam", + "4513": "balance_wheel, balance", + "4514": "balbriggan", + "4515": "balcony", + "4516": "balcony", + "4517": "baldachin", + "4518": "baldric, baldrick", + "4519": "bale", + "4520": "baling_wire", + "4521": "ball", + "4522": "ball", + "4523": "ball_and_chain", + "4524": "ball-and-socket_joint", + "4525": "ballast, light_ballast", + "4526": "ball_bearing, needle_bearing, roller_bearing", + "4527": "ball_cartridge", + "4528": "ballcock, ball_cock", + "4529": "balldress", + "4530": "ballet_skirt, tutu", + "4531": "ball_gown", + "4532": "ballistic_galvanometer", + "4533": "ballistic_missile", + "4534": "ballistic_pendulum", + "4535": "ballistocardiograph, cardiograph", + "4536": "balloon", + "4537": "balloon_bomb, Fugo", + "4538": "balloon_sail", + "4539": "ballot_box", + "4540": "ballpark, park", + "4541": "ball-peen_hammer", + "4542": "ballpoint, ballpoint_pen, ballpen, Biro", + "4543": "ballroom, dance_hall, dance_palace", + "4544": "ball_valve", + "4545": "balsa_raft, Kon_Tiki", + "4546": "baluster", + "4547": "banana_boat", + "4548": "band", + "4549": "bandage, patch", + "4550": "Band_Aid", + "4551": "bandanna, bandana", + "4552": "bandbox", + "4553": "banderilla", + "4554": "bandoleer, bandolier", + "4555": "bandoneon", + "4556": "bandsaw, band_saw", + "4557": "bandwagon", + "4558": "bangalore_torpedo", + "4559": "bangle, bauble, gaud, gewgaw, novelty, fallal, trinket", + "4560": "banjo", + "4561": "banner, streamer", + "4562": "bannister, banister, balustrade, balusters, handrail", + "4563": "banquette", + "4564": "banyan, banian", + "4565": "baptismal_font, baptistry, baptistery, font", + "4566": "bar", + "4567": "bar", + "4568": "barbecue, barbeque", + "4569": "barbed_wire, barbwire", + "4570": "barbell", + "4571": "barber_chair", + "4572": "barbershop", + "4573": "barbette_carriage", + "4574": "barbican, barbacan", + "4575": "bar_bit", + "4576": "bareboat", + "4577": "barge, flatboat, hoy, lighter", + "4578": "barge_pole", + "4579": "baritone, baritone_horn", + "4580": "bark, barque", + "4581": "bar_magnet", + "4582": "bar_mask", + "4583": "barn", + "4584": "barndoor", + "4585": "barn_door", + "4586": "barnyard", + "4587": "barograph", + "4588": "barometer", + "4589": "barong", + "4590": "barouche", + "4591": "bar_printer", + "4592": "barrack", + "4593": "barrage_balloon", + "4594": "barrel, cask", + "4595": "barrel, gun_barrel", + "4596": "barrelhouse, honky-tonk", + "4597": "barrel_knot, blood_knot", + "4598": "barrel_organ, grind_organ, hand_organ, hurdy_gurdy, hurdy-gurdy, street_organ", + "4599": "barrel_vault", + "4600": "barrette", + "4601": "barricade", + "4602": "barrier", + "4603": "barroom, bar, saloon, ginmill, taproom", + "4604": "barrow, garden_cart, lawn_cart, wheelbarrow", + "4605": "bascule", + "4606": "base, pedestal, stand", + "4607": "base, bag", + "4608": "baseball", + "4609": "baseball_bat, lumber", + "4610": "baseball_cap, jockey_cap, golf_cap", + "4611": "baseball_equipment", + "4612": "baseball_glove, glove, baseball_mitt, mitt", + "4613": "basement, cellar", + "4614": "basement", + "4615": "basic_point_defense_missile_system", + "4616": "basilica, Roman_basilica", + "4617": "basilica", + "4618": "basilisk", + "4619": "basin", + "4620": "basinet", + "4621": "basket, handbasket", + "4622": "basket, basketball_hoop, hoop", + "4623": "basketball", + "4624": "basketball_court", + "4625": "basketball_equipment", + "4626": "basket_weave", + "4627": "bass", + "4628": "bass_clarinet", + "4629": "bass_drum, gran_casa", + "4630": "basset_horn", + "4631": "bass_fiddle, bass_viol, bull_fiddle, double_bass, contrabass, string_bass", + "4632": "bass_guitar", + "4633": "bass_horn, sousaphone, tuba", + "4634": "bassinet", + "4635": "bassinet", + "4636": "bassoon", + "4637": "baster", + "4638": "bastinado", + "4639": "bastion", + "4640": "bastion, citadel", + "4641": "bat", + "4642": "bath", + "4643": "bath_chair", + "4644": "bathhouse, bagnio", + "4645": "bathhouse, bathing_machine", + "4646": "bathing_cap, swimming_cap", + "4647": "bath_oil", + "4648": "bathrobe", + "4649": "bathroom, bath", + "4650": "bath_salts", + "4651": "bath_towel", + "4652": "bathtub, bathing_tub, bath, tub", + "4653": "bathyscaphe, bathyscaph, bathyscape", + "4654": "bathysphere", + "4655": "batik", + "4656": "batiste", + "4657": "baton, wand", + "4658": "baton", + "4659": "baton", + "4660": "baton", + "4661": "battering_ram", + "4662": "batter's_box", + "4663": "battery, electric_battery", + "4664": "battery, stamp_battery", + "4665": "batting_cage, cage", + "4666": "batting_glove", + "4667": "batting_helmet", + "4668": "battle-ax, battle-axe", + "4669": "battle_cruiser", + "4670": "battle_dress", + "4671": "battlement, crenelation, crenellation", + "4672": "battleship, battlewagon", + "4673": "battle_sight, battlesight", + "4674": "bay", + "4675": "bay", + "4676": "bayonet", + "4677": "bay_rum", + "4678": "bay_window, bow_window", + "4679": "bazaar, bazar", + "4680": "bazaar, bazar", + "4681": "bazooka", + "4682": "B_battery", + "4683": "BB_gun", + "4684": "beach_house", + "4685": "beach_towel", + "4686": "beach_wagon, station_wagon, wagon, estate_car, beach_waggon, station_waggon, waggon", + "4687": "beachwear", + "4688": "beacon, lighthouse, beacon_light, pharos", + "4689": "beading_plane", + "4690": "beaker", + "4691": "beaker", + "4692": "beam", + "4693": "beam_balance", + "4694": "beanbag", + "4695": "beanie, beany", + "4696": "bearing", + "4697": "bearing_rein, checkrein", + "4698": "bearing_wall", + "4699": "bearskin, busby, shako", + "4700": "beater", + "4701": "beating-reed_instrument, reed_instrument, reed", + "4702": "beaver, castor", + "4703": "beaver", + "4704": "Beckman_thermometer", + "4705": "bed", + "4706": "bed", + "4707": "bed_and_breakfast, bed-and-breakfast", + "4708": "bedclothes, bed_clothing, bedding", + "4709": "Bedford_cord", + "4710": "bed_jacket", + "4711": "bedpan", + "4712": "bedpost", + "4713": "bedroll", + "4714": "bedroom, sleeping_room, sleeping_accommodation, chamber, bedchamber", + "4715": "bedroom_furniture", + "4716": "bedsitting_room, bedsitter, bedsit", + "4717": "bedspread, bedcover, bed_cover, bed_covering, counterpane, spread", + "4718": "bedspring", + "4719": "bedstead, bedframe", + "4720": "beefcake", + "4721": "beehive, hive", + "4722": "beeper, pager", + "4723": "beer_barrel, beer_keg", + "4724": "beer_bottle", + "4725": "beer_can", + "4726": "beer_garden", + "4727": "beer_glass", + "4728": "beer_hall", + "4729": "beer_mat", + "4730": "beer_mug, stein", + "4731": "belaying_pin", + "4732": "belfry", + "4733": "bell", + "4734": "bell_arch", + "4735": "bellarmine, longbeard, long-beard, greybeard", + "4736": "bellbottom_trousers, bell-bottoms, bellbottom_pants", + "4737": "bell_cote, bell_cot", + "4738": "bell_foundry", + "4739": "bell_gable", + "4740": "bell_jar, bell_glass", + "4741": "bellows", + "4742": "bellpull", + "4743": "bell_push", + "4744": "bell_seat, balloon_seat", + "4745": "bell_tent", + "4746": "bell_tower", + "4747": "bellyband", + "4748": "belt", + "4749": "belt, belt_ammunition, belted_ammunition", + "4750": "belt_buckle", + "4751": "belting", + "4752": "bench", + "4753": "bench_clamp", + "4754": "bench_hook", + "4755": "bench_lathe", + "4756": "bench_press", + "4757": "bender", + "4758": "beret", + "4759": "berlin", + "4760": "Bermuda_shorts, Jamaica_shorts", + "4761": "berth, bunk, built_in_bed", + "4762": "besom", + "4763": "Bessemer_converter", + "4764": "bethel", + "4765": "betting_shop", + "4766": "bevatron", + "4767": "bevel, bevel_square", + "4768": "bevel_gear, pinion_and_crown_wheel, pinion_and_ring_gear", + "4769": "B-flat_clarinet, licorice_stick", + "4770": "bib", + "4771": "bib-and-tucker", + "4772": "bicorn, bicorne", + "4773": "bicycle, bike, wheel, cycle", + "4774": "bicycle-built-for-two, tandem_bicycle, tandem", + "4775": "bicycle_chain", + "4776": "bicycle_clip, trouser_clip", + "4777": "bicycle_pump", + "4778": "bicycle_rack", + "4779": "bicycle_seat, saddle", + "4780": "bicycle_wheel", + "4781": "bidet", + "4782": "bier", + "4783": "bier", + "4784": "bi-fold_door", + "4785": "bifocals", + "4786": "Big_Blue, BLU-82", + "4787": "big_board", + "4788": "bight", + "4789": "bikini, two-piece", + "4790": "bikini_pants", + "4791": "bilge", + "4792": "bilge_keel", + "4793": "bilge_pump", + "4794": "bilge_well", + "4795": "bill, peak, eyeshade, visor, vizor", + "4796": "bill, billhook", + "4797": "billboard, hoarding", + "4798": "billiard_ball", + "4799": "billiard_room, billiard_saloon, billiard_parlor, billiard_parlour, billiard_hall", + "4800": "bin", + "4801": "binder, ligature", + "4802": "binder, ring-binder", + "4803": "bindery", + "4804": "binding, book_binding, cover, back", + "4805": "bin_liner", + "4806": "binnacle", + "4807": "binoculars, field_glasses, opera_glasses", + "4808": "binocular_microscope", + "4809": "biochip", + "4810": "biohazard_suit", + "4811": "bioscope", + "4812": "biplane", + "4813": "birch, birch_rod", + "4814": "birchbark_canoe, birchbark, birch_bark", + "4815": "birdbath", + "4816": "birdcage", + "4817": "birdcall", + "4818": "bird_feeder, birdfeeder, feeder", + "4819": "birdhouse", + "4820": "bird_shot, buckshot, duck_shot", + "4821": "biretta, berretta, birretta", + "4822": "bishop", + "4823": "bistro", + "4824": "bit", + "4825": "bit", + "4826": "bite_plate, biteplate", + "4827": "bitewing", + "4828": "bitumastic", + "4829": "black", + "4830": "black", + "4831": "blackboard, chalkboard", + "4832": "blackboard_eraser", + "4833": "black_box", + "4834": "blackface", + "4835": "blackjack, cosh, sap", + "4836": "black_tie", + "4837": "blackwash", + "4838": "bladder", + "4839": "blade", + "4840": "blade, vane", + "4841": "blade", + "4842": "blank, dummy, blank_shell", + "4843": "blanket, cover", + "4844": "blast_furnace", + "4845": "blasting_cap", + "4846": "blazer, sport_jacket, sport_coat, sports_jacket, sports_coat", + "4847": "blender, liquidizer, liquidiser", + "4848": "blimp, sausage_balloon, sausage", + "4849": "blind, screen", + "4850": "blind_curve, blind_bend", + "4851": "blindfold", + "4852": "bling, bling_bling", + "4853": "blinker, flasher", + "4854": "blister_pack, bubble_pack", + "4855": "block", + "4856": "blockade", + "4857": "blockade-runner", + "4858": "block_and_tackle", + "4859": "blockbuster", + "4860": "blockhouse", + "4861": "block_plane", + "4862": "bloodmobile", + "4863": "bloomers, pants, drawers, knickers", + "4864": "blouse", + "4865": "blower", + "4866": "blowtorch, torch, blowlamp", + "4867": "blucher", + "4868": "bludgeon", + "4869": "blue", + "4870": "blue_chip", + "4871": "blunderbuss", + "4872": "blunt_file", + "4873": "boarding", + "4874": "boarding_house, boardinghouse", + "4875": "boardroom, council_chamber", + "4876": "boards", + "4877": "boat", + "4878": "boater, leghorn, Panama, Panama_hat, sailor, skimmer, straw_hat", + "4879": "boat_hook", + "4880": "boathouse", + "4881": "boatswain's_chair, bosun's_chair", + "4882": "boat_train", + "4883": "boatyard", + "4884": "bobbin, spool, reel", + "4885": "bobby_pin, hairgrip, grip", + "4886": "bobsled, bobsleigh, bob", + "4887": "bobsled, bobsleigh", + "4888": "bocce_ball, bocci_ball, boccie_ball", + "4889": "bodega", + "4890": "bodice", + "4891": "bodkin, threader", + "4892": "bodkin", + "4893": "bodkin", + "4894": "body", + "4895": "body_armor, body_armour, suit_of_armor, suit_of_armour, coat_of_mail, cataphract", + "4896": "body_lotion", + "4897": "body_stocking", + "4898": "body_plethysmograph", + "4899": "body_pad", + "4900": "bodywork", + "4901": "Bofors_gun", + "4902": "bogy, bogie, bogey", + "4903": "boiler, steam_boiler", + "4904": "boiling_water_reactor, BWR", + "4905": "bolero", + "4906": "bollard, bitt", + "4907": "bolo, bolo_knife", + "4908": "bolo_tie, bolo, bola_tie, bola", + "4909": "bolt", + "4910": "bolt, deadbolt", + "4911": "bolt", + "4912": "bolt_cutter", + "4913": "bomb", + "4914": "bombazine", + "4915": "bomb_calorimeter, bomb", + "4916": "bomber", + "4917": "bomber_jacket", + "4918": "bomblet, cluster_bomblet", + "4919": "bomb_rack", + "4920": "bombshell", + "4921": "bomb_shelter, air-raid_shelter, bombproof", + "4922": "bone-ash_cup, cupel, refractory_pot", + "4923": "bone_china", + "4924": "bones, castanets, clappers, finger_cymbals", + "4925": "boneshaker", + "4926": "bongo, bongo_drum", + "4927": "bonnet, poke_bonnet", + "4928": "book", + "4929": "book_bag", + "4930": "bookbindery", + "4931": "bookcase", + "4932": "bookend", + "4933": "bookmark, bookmarker", + "4934": "bookmobile", + "4935": "bookshelf", + "4936": "bookshop, bookstore, bookstall", + "4937": "boom", + "4938": "boom, microphone_boom", + "4939": "boomerang, throwing_stick, throw_stick", + "4940": "booster, booster_rocket, booster_unit, takeoff_booster, takeoff_rocket", + "4941": "booster, booster_amplifier, booster_station, relay_link, relay_station, relay_transmitter", + "4942": "boot", + "4943": "boot", + "4944": "boot_camp", + "4945": "bootee, bootie", + "4946": "booth, cubicle, stall, kiosk", + "4947": "booth", + "4948": "booth", + "4949": "boothose", + "4950": "bootjack", + "4951": "bootlace", + "4952": "bootleg", + "4953": "bootstrap", + "4954": "bore_bit, borer, rock_drill, stone_drill", + "4955": "boron_chamber", + "4956": "borstal", + "4957": "bosom", + "4958": "Boston_rocker", + "4959": "bota", + "4960": "bottle", + "4961": "bottle, feeding_bottle, nursing_bottle", + "4962": "bottle_bank", + "4963": "bottlebrush", + "4964": "bottlecap", + "4965": "bottle_opener", + "4966": "bottling_plant", + "4967": "bottom, freighter, merchantman, merchant_ship", + "4968": "boucle", + "4969": "boudoir", + "4970": "boulle, boule, buhl", + "4971": "bouncing_betty", + "4972": "bouquet, corsage, posy, nosegay", + "4973": "boutique, dress_shop", + "4974": "boutonniere", + "4975": "bow", + "4976": "bow", + "4977": "bow, bowknot", + "4978": "bow_and_arrow", + "4979": "bowed_stringed_instrument, string", + "4980": "Bowie_knife", + "4981": "bowl", + "4982": "bowl", + "4983": "bowl", + "4984": "bowler_hat, bowler, derby_hat, derby, plug_hat", + "4985": "bowline, bowline_knot", + "4986": "bowling_alley", + "4987": "bowling_ball, bowl", + "4988": "bowling_equipment", + "4989": "bowling_pin, pin", + "4990": "bowling_shoe", + "4991": "bowsprit", + "4992": "bowstring", + "4993": "bow_tie, bow-tie, bowtie", + "4994": "box", + "4995": "box, loge", + "4996": "box, box_seat", + "4997": "box_beam, box_girder", + "4998": "box_camera, box_Kodak", + "4999": "boxcar", + "5000": "box_coat", + "5001": "boxing_equipment", + "5002": "boxing_glove, glove", + "5003": "box_office, ticket_office, ticket_booth", + "5004": "box_spring", + "5005": "box_wrench, box_end_wrench", + "5006": "brace, bracing", + "5007": "brace, braces, orthodontic_braces", + "5008": "brace", + "5009": "brace, suspender, gallus", + "5010": "brace_and_bit", + "5011": "bracelet, bangle", + "5012": "bracer, armguard", + "5013": "brace_wrench", + "5014": "bracket, wall_bracket", + "5015": "bradawl, pricker", + "5016": "brake", + "5017": "brake", + "5018": "brake_band", + "5019": "brake_cylinder, hydraulic_brake_cylinder, master_cylinder", + "5020": "brake_disk", + "5021": "brake_drum, drum", + "5022": "brake_lining", + "5023": "brake_pad", + "5024": "brake_pedal", + "5025": "brake_shoe, shoe, skid", + "5026": "brake_system, brakes", + "5027": "brass, brass_instrument", + "5028": "brass, memorial_tablet, plaque", + "5029": "brass", + "5030": "brassard", + "5031": "brasserie", + "5032": "brassie", + "5033": "brassiere, bra, bandeau", + "5034": "brass_knucks, knucks, brass_knuckles, knuckles, knuckle_duster", + "5035": "brattice", + "5036": "brazier, brasier", + "5037": "breadbasket", + "5038": "bread-bin, breadbox", + "5039": "bread_knife", + "5040": "breakable", + "5041": "breakfast_area, breakfast_nook", + "5042": "breakfast_table", + "5043": "breakwater, groin, groyne, mole, bulwark, seawall, jetty", + "5044": "breast_drill", + "5045": "breast_implant", + "5046": "breastplate, aegis, egis", + "5047": "breast_pocket", + "5048": "breathalyzer, breathalyser", + "5049": "breechblock, breech_closer", + "5050": "breechcloth, breechclout, loincloth", + "5051": "breeches, knee_breeches, knee_pants, knickerbockers, knickers", + "5052": "breeches_buoy", + "5053": "breechloader", + "5054": "breeder_reactor", + "5055": "Bren, Bren_gun", + "5056": "brewpub", + "5057": "brick", + "5058": "brickkiln", + "5059": "bricklayer's_hammer", + "5060": "brick_trowel, mason's_trowel", + "5061": "brickwork", + "5062": "bridal_gown, wedding_gown, wedding_dress", + "5063": "bridge, span", + "5064": "bridge, nosepiece", + "5065": "bridle", + "5066": "bridle_path, bridle_road", + "5067": "bridoon", + "5068": "briefcase", + "5069": "briefcase_bomb", + "5070": "briefcase_computer", + "5071": "briefs, Jockey_shorts", + "5072": "brig", + "5073": "brig", + "5074": "brigandine", + "5075": "brigantine, hermaphrodite_brig", + "5076": "brilliantine", + "5077": "brilliant_pebble", + "5078": "brim", + "5079": "bristle_brush", + "5080": "britches", + "5081": "broad_arrow", + "5082": "broadax, broadaxe", + "5083": "brochette", + "5084": "broadcaster, spreader", + "5085": "broadcloth", + "5086": "broadcloth", + "5087": "broad_hatchet", + "5088": "broadloom", + "5089": "broadside", + "5090": "broadsword", + "5091": "brocade", + "5092": "brogan, brogue, clodhopper, work_shoe", + "5093": "broiler", + "5094": "broken_arch", + "5095": "bronchoscope", + "5096": "broom", + "5097": "broom_closet", + "5098": "broomstick, broom_handle", + "5099": "brougham", + "5100": "Browning_automatic_rifle, BAR", + "5101": "Browning_machine_gun, Peacemaker", + "5102": "brownstone", + "5103": "brunch_coat", + "5104": "brush", + "5105": "Brussels_carpet", + "5106": "Brussels_lace", + "5107": "bubble", + "5108": "bubble_chamber", + "5109": "bubble_jet_printer, bubble-jet_printer, bubblejet", + "5110": "buckboard", + "5111": "bucket, pail", + "5112": "bucket_seat", + "5113": "bucket_shop", + "5114": "buckle", + "5115": "buckram", + "5116": "bucksaw", + "5117": "buckskins", + "5118": "buff, buffer", + "5119": "buffer, polisher", + "5120": "buffer, buffer_storage, buffer_store", + "5121": "buffet, counter, sideboard", + "5122": "buffing_wheel", + "5123": "buggy, roadster", + "5124": "bugle", + "5125": "building, edifice", + "5126": "building_complex, complex", + "5127": "bulldog_clip, alligator_clip", + "5128": "bulldog_wrench", + "5129": "bulldozer, dozer", + "5130": "bullet, slug", + "5131": "bulletproof_vest", + "5132": "bullet_train, bullet", + "5133": "bullhorn, loud_hailer, loud-hailer", + "5134": "bullion", + "5135": "bullnose, bullnosed_plane", + "5136": "bullpen, detention_cell, detention_centre", + "5137": "bullpen", + "5138": "bullring", + "5139": "bulwark", + "5140": "bumboat", + "5141": "bumper", + "5142": "bumper", + "5143": "bumper_car, Dodgem", + "5144": "bumper_guard", + "5145": "bumper_jack", + "5146": "bundle, sheaf", + "5147": "bung, spile", + "5148": "bungalow, cottage", + "5149": "bungee, bungee_cord", + "5150": "bunghole", + "5151": "bunk", + "5152": "bunk, feed_bunk", + "5153": "bunk_bed, bunk", + "5154": "bunker, sand_trap, trap", + "5155": "bunker, dugout", + "5156": "bunker", + "5157": "bunsen_burner, bunsen, etna", + "5158": "bunting", + "5159": "bur, burr", + "5160": "Burberry", + "5161": "burette, buret", + "5162": "burglar_alarm", + "5163": "burial_chamber, sepulcher, sepulchre, sepulture", + "5164": "burial_garment", + "5165": "burial_mound, grave_mound, barrow, tumulus", + "5166": "burin", + "5167": "burqa, burka", + "5168": "burlap, gunny", + "5169": "burn_bag", + "5170": "burner", + "5171": "burnous, burnoose, burnouse", + "5172": "burp_gun, machine_pistol", + "5173": "burr", + "5174": "bus, autobus, coach, charabanc, double-decker, jitney, motorbus, motorcoach, omnibus, passenger_vehicle", + "5175": "bushel_basket", + "5176": "bushing, cylindrical_lining", + "5177": "bush_jacket", + "5178": "business_suit", + "5179": "buskin, combat_boot, desert_boot, half_boot, top_boot", + "5180": "bustier", + "5181": "bustle", + "5182": "butcher_knife", + "5183": "butcher_shop, meat_market", + "5184": "butter_dish", + "5185": "butterfly_valve", + "5186": "butter_knife", + "5187": "butt_hinge", + "5188": "butt_joint, butt", + "5189": "button", + "5190": "buttonhook", + "5191": "buttress, buttressing", + "5192": "butt_shaft", + "5193": "butt_weld, butt-weld", + "5194": "buzz_bomb, robot_bomb, flying_bomb, doodlebug, V-1", + "5195": "buzzer", + "5196": "BVD, BVD's", + "5197": "bypass_condenser, bypass_capacitor", + "5198": "byway, bypath, byroad", + "5199": "cab, hack, taxi, taxicab", + "5200": "cab, cabriolet", + "5201": "cab", + "5202": "cabana", + "5203": "cabaret, nightclub, night_club, club, nightspot", + "5204": "caber", + "5205": "cabin", + "5206": "cabin", + "5207": "cabin_car, caboose", + "5208": "cabin_class, second_class, economy_class", + "5209": "cabin_cruiser, cruiser, pleasure_boat, pleasure_craft", + "5210": "cabinet", + "5211": "cabinet, console", + "5212": "cabinet, locker, storage_locker", + "5213": "cabinetwork", + "5214": "cabin_liner", + "5215": "cable, cable_television, cable_system, cable_television_service", + "5216": "cable, line, transmission_line", + "5217": "cable_car, car", + "5218": "cache, memory_cache", + "5219": "caddy, tea_caddy", + "5220": "caesium_clock", + "5221": "cafe, coffeehouse, coffee_shop, coffee_bar", + "5222": "cafeteria", + "5223": "cafeteria_tray", + "5224": "caff", + "5225": "caftan, kaftan", + "5226": "caftan, kaftan", + "5227": "cage, coop", + "5228": "cage", + "5229": "cagoule", + "5230": "caisson", + "5231": "calash, caleche, calash_top", + "5232": "calceus", + "5233": "calcimine", + "5234": "calculator, calculating_machine", + "5235": "caldron, cauldron", + "5236": "calico", + "5237": "caliper, calliper", + "5238": "call-board", + "5239": "call_center, call_centre", + "5240": "caller_ID", + "5241": "calliope, steam_organ", + "5242": "calorimeter", + "5243": "calpac, calpack, kalpac", + "5244": "camail, aventail, ventail", + "5245": "camber_arch", + "5246": "cambric", + "5247": "camcorder", + "5248": "camel's_hair, camelhair", + "5249": "camera, photographic_camera", + "5250": "camera_lens, optical_lens", + "5251": "camera_lucida", + "5252": "camera_obscura", + "5253": "camera_tripod", + "5254": "camise", + "5255": "camisole", + "5256": "camisole, underbodice", + "5257": "camlet", + "5258": "camouflage", + "5259": "camouflage, camo", + "5260": "camp, encampment, cantonment, bivouac", + "5261": "camp", + "5262": "camp, refugee_camp", + "5263": "campaign_hat", + "5264": "campanile, belfry", + "5265": "camp_chair", + "5266": "camper, camping_bus, motor_home", + "5267": "camper_trailer", + "5268": "campstool", + "5269": "camshaft", + "5270": "can, tin, tin_can", + "5271": "canal", + "5272": "canal_boat, narrow_boat, narrowboat", + "5273": "candelabrum, candelabra", + "5274": "candid_camera", + "5275": "candle, taper, wax_light", + "5276": "candlepin", + "5277": "candlesnuffer", + "5278": "candlestick, candle_holder", + "5279": "candlewick", + "5280": "candy_thermometer", + "5281": "cane", + "5282": "cane", + "5283": "cangue", + "5284": "canister, cannister, tin", + "5285": "cannery", + "5286": "cannikin", + "5287": "cannikin", + "5288": "cannon", + "5289": "cannon", + "5290": "cannon", + "5291": "cannon", + "5292": "cannonball, cannon_ball, round_shot", + "5293": "canoe", + "5294": "can_opener, tin_opener", + "5295": "canopic_jar, canopic_vase", + "5296": "canopy", + "5297": "canopy", + "5298": "canopy", + "5299": "canteen", + "5300": "canteen", + "5301": "canteen", + "5302": "canteen, mobile_canteen", + "5303": "canteen", + "5304": "cant_hook", + "5305": "cantilever", + "5306": "cantilever_bridge", + "5307": "cantle", + "5308": "Canton_crepe", + "5309": "canvas, canvass", + "5310": "canvas, canvass", + "5311": "canvas_tent, canvas, canvass", + "5312": "cap", + "5313": "cap", + "5314": "cap", + "5315": "capacitor, capacitance, condenser, electrical_condenser", + "5316": "caparison, trapping, housing", + "5317": "cape, mantle", + "5318": "capital_ship", + "5319": "capitol", + "5320": "cap_opener", + "5321": "capote, hooded_cloak", + "5322": "capote, hooded_coat", + "5323": "cap_screw", + "5324": "capstan", + "5325": "capstone, copestone, coping_stone, stretcher", + "5326": "capsule", + "5327": "captain's_chair", + "5328": "car, auto, automobile, machine, motorcar", + "5329": "car, railcar, railway_car, railroad_car", + "5330": "car, elevator_car", + "5331": "carabiner, karabiner, snap_ring", + "5332": "carafe, decanter", + "5333": "caravansary, caravanserai, khan, caravan_inn", + "5334": "car_battery, automobile_battery", + "5335": "carbine", + "5336": "car_bomb", + "5337": "carbon_arc_lamp, carbon_arc", + "5338": "carboy", + "5339": "carburetor, carburettor", + "5340": "car_carrier", + "5341": "cardcase", + "5342": "cardiac_monitor, heart_monitor", + "5343": "cardigan", + "5344": "card_index, card_catalog, card_catalogue", + "5345": "cardiograph, electrocardiograph", + "5346": "cardioid_microphone", + "5347": "car_door", + "5348": "cardroom", + "5349": "card_table", + "5350": "card_table", + "5351": "car-ferry", + "5352": "cargo_area, cargo_deck, cargo_hold, hold, storage_area", + "5353": "cargo_container", + "5354": "cargo_door", + "5355": "cargo_hatch", + "5356": "cargo_helicopter", + "5357": "cargo_liner", + "5358": "cargo_ship, cargo_vessel", + "5359": "carillon", + "5360": "car_mirror", + "5361": "caroche", + "5362": "carousel, carrousel, merry-go-round, roundabout, whirligig", + "5363": "carpenter's_hammer, claw_hammer, clawhammer", + "5364": "carpenter's_kit, tool_kit", + "5365": "carpenter's_level", + "5366": "carpenter's_mallet", + "5367": "carpenter's_rule", + "5368": "carpenter's_square", + "5369": "carpetbag", + "5370": "carpet_beater, rug_beater", + "5371": "carpet_loom", + "5372": "carpet_pad, rug_pad, underlay, underlayment", + "5373": "carpet_sweeper, sweeper", + "5374": "carpet_tack", + "5375": "carport, car_port", + "5376": "carrack, carack", + "5377": "carrel, carrell, cubicle, stall", + "5378": "carriage, equipage, rig", + "5379": "carriage", + "5380": "carriage_bolt", + "5381": "carriageway", + "5382": "carriage_wrench", + "5383": "carrick_bend", + "5384": "carrier", + "5385": "carryall, holdall, tote, tote_bag", + "5386": "carrycot", + "5387": "car_seat", + "5388": "cart", + "5389": "car_tire, automobile_tire, auto_tire, rubber_tire", + "5390": "carton", + "5391": "cartouche, cartouch", + "5392": "car_train", + "5393": "cartridge", + "5394": "cartridge, pickup", + "5395": "cartridge_belt", + "5396": "cartridge_extractor, cartridge_remover, extractor", + "5397": "cartridge_fuse", + "5398": "cartridge_holder, cartridge_clip, clip, magazine", + "5399": "cartwheel", + "5400": "carving_fork", + "5401": "carving_knife", + "5402": "car_wheel", + "5403": "caryatid", + "5404": "cascade_liquefier", + "5405": "cascade_transformer", + "5406": "case", + "5407": "case, display_case, showcase, vitrine", + "5408": "case, compositor's_case, typesetter's_case", + "5409": "casein_paint, casein", + "5410": "case_knife, sheath_knife", + "5411": "case_knife", + "5412": "casement", + "5413": "casement_window", + "5414": "casern", + "5415": "case_shot, canister, canister_shot", + "5416": "cash_bar", + "5417": "cashbox, money_box, till", + "5418": "cash_machine, cash_dispenser, automated_teller_machine, automatic_teller_machine, automated_teller, automatic_teller, ATM", + "5419": "cashmere", + "5420": "cash_register, register", + "5421": "casing, case", + "5422": "casino, gambling_casino", + "5423": "casket, jewel_casket", + "5424": "casque", + "5425": "casquet, casquetel", + "5426": "Cassegrainian_telescope, Gregorian_telescope", + "5427": "casserole", + "5428": "cassette", + "5429": "cassette_deck", + "5430": "cassette_player", + "5431": "cassette_recorder", + "5432": "cassette_tape", + "5433": "cassock", + "5434": "cast, plaster_cast, plaster_bandage", + "5435": "caster, castor", + "5436": "caster, castor", + "5437": "castle", + "5438": "castle, rook", + "5439": "catacomb", + "5440": "catafalque", + "5441": "catalytic_converter", + "5442": "catalytic_cracker, cat_cracker", + "5443": "catamaran", + "5444": "catapult, arbalest, arbalist, ballista, bricole, mangonel, onager, trebuchet, trebucket", + "5445": "catapult, launcher", + "5446": "catboat", + "5447": "cat_box", + "5448": "catch", + "5449": "catchall", + "5450": "catcher's_mask", + "5451": "catchment", + "5452": "Caterpillar, cat", + "5453": "cathedra, bishop's_throne", + "5454": "cathedral", + "5455": "cathedral, duomo", + "5456": "catheter", + "5457": "cathode", + "5458": "cathode-ray_tube, CRT", + "5459": "cat-o'-nine-tails, cat", + "5460": "cat's-paw", + "5461": "catsup_bottle, ketchup_bottle", + "5462": "cattle_car", + "5463": "cattle_guard, cattle_grid", + "5464": "cattleship, cattle_boat", + "5465": "cautery, cauterant", + "5466": "cavalier_hat, slouch_hat", + "5467": "cavalry_sword, saber, sabre", + "5468": "cavetto", + "5469": "cavity_wall", + "5470": "C_battery", + "5471": "C-clamp", + "5472": "CD_drive", + "5473": "CD_player", + "5474": "CD-R, compact_disc_recordable, CD-WO, compact_disc_write-once", + "5475": "CD-ROM, compact_disc_read-only_memory", + "5476": "CD-ROM_drive", + "5477": "cedar_chest", + "5478": "ceiling", + "5479": "celesta", + "5480": "cell, electric_cell", + "5481": "cell, jail_cell, prison_cell", + "5482": "cellar, wine_cellar", + "5483": "cellblock, ward", + "5484": "cello, violoncello", + "5485": "cellophane", + "5486": "cellular_telephone, cellular_phone, cellphone, cell, mobile_phone", + "5487": "cellulose_tape, Scotch_tape, Sellotape", + "5488": "cenotaph, empty_tomb", + "5489": "censer, thurible", + "5490": "center, centre", + "5491": "center_punch", + "5492": "Centigrade_thermometer", + "5493": "central_processing_unit, CPU, C.P.U., central_processor, processor, mainframe", + "5494": "centrifugal_pump", + "5495": "centrifuge, extractor, separator", + "5496": "ceramic", + "5497": "ceramic_ware", + "5498": "cereal_bowl", + "5499": "cereal_box", + "5500": "cerecloth", + "5501": "cesspool, cesspit, sink, sump", + "5502": "chachka, tsatske, tshatshke, tchotchke", + "5503": "chador, chadar, chaddar, chuddar", + "5504": "chafing_dish", + "5505": "chain", + "5506": "chain", + "5507": "chainlink_fence", + "5508": "chain_mail, ring_mail, mail, chain_armor, chain_armour, ring_armor, ring_armour", + "5509": "chain_printer", + "5510": "chain_saw, chainsaw", + "5511": "chain_store", + "5512": "chain_tongs", + "5513": "chain_wrench", + "5514": "chair", + "5515": "chair", + "5516": "chair_of_state", + "5517": "chairlift, chair_lift", + "5518": "chaise, shay", + "5519": "chaise_longue, chaise, daybed", + "5520": "chalet", + "5521": "chalice, goblet", + "5522": "chalk", + "5523": "challis", + "5524": "chamberpot, potty, thunder_mug", + "5525": "chambray", + "5526": "chamfer_bit", + "5527": "chamfer_plane", + "5528": "chamois_cloth", + "5529": "chancel, sanctuary, bema", + "5530": "chancellery", + "5531": "chancery", + "5532": "chandelier, pendant, pendent", + "5533": "chandlery", + "5534": "chanfron, chamfron, testiere, frontstall, front-stall", + "5535": "chanter, melody_pipe", + "5536": "chantry", + "5537": "chap", + "5538": "chapel", + "5539": "chapterhouse, fraternity_house, frat_house", + "5540": "chapterhouse", + "5541": "character_printer, character-at-a-time_printer, serial_printer", + "5542": "charcuterie", + "5543": "charge-exchange_accelerator", + "5544": "charger, battery_charger", + "5545": "chariot", + "5546": "chariot", + "5547": "charnel_house, charnel", + "5548": "chassis", + "5549": "chassis", + "5550": "chasuble", + "5551": "chateau", + "5552": "chatelaine", + "5553": "checker, chequer", + "5554": "checkout, checkout_counter", + "5555": "cheekpiece", + "5556": "cheeseboard, cheese_tray", + "5557": "cheesecloth", + "5558": "cheese_cutter", + "5559": "cheese_press", + "5560": "chemical_bomb, gas_bomb", + "5561": "chemical_plant", + "5562": "chemical_reactor", + "5563": "chemise, sack, shift", + "5564": "chemise, shimmy, shift, slip, teddy", + "5565": "chenille", + "5566": "chessman, chess_piece", + "5567": "chest", + "5568": "chesterfield", + "5569": "chest_of_drawers, chest, bureau, dresser", + "5570": "chest_protector", + "5571": "cheval-de-frise, chevaux-de-frise", + "5572": "cheval_glass", + "5573": "chicane", + "5574": "chicken_coop, coop, hencoop, henhouse", + "5575": "chicken_wire", + "5576": "chicken_yard, hen_yard, chicken_run, fowl_run", + "5577": "chiffon", + "5578": "chiffonier, commode", + "5579": "child's_room", + "5580": "chime, bell, gong", + "5581": "chimney_breast", + "5582": "chimney_corner, inglenook", + "5583": "china", + "5584": "china_cabinet, china_closet", + "5585": "chinchilla", + "5586": "Chinese_lantern", + "5587": "Chinese_puzzle", + "5588": "chinning_bar", + "5589": "chino", + "5590": "chino", + "5591": "chin_rest", + "5592": "chin_strap", + "5593": "chintz", + "5594": "chip, microchip, micro_chip, silicon_chip, microprocessor_chip", + "5595": "chip, poker_chip", + "5596": "chisel", + "5597": "chlamys", + "5598": "choir", + "5599": "choir_loft", + "5600": "choke", + "5601": "choke, choke_coil, choking_coil", + "5602": "chokey, choky", + "5603": "choo-choo", + "5604": "chopine, platform", + "5605": "chordophone", + "5606": "Christmas_stocking", + "5607": "chronograph", + "5608": "chronometer", + "5609": "chronoscope", + "5610": "chuck", + "5611": "chuck_wagon", + "5612": "chukka, chukka_boot", + "5613": "church, church_building", + "5614": "church_bell", + "5615": "church_hat", + "5616": "church_key", + "5617": "church_tower", + "5618": "churidars", + "5619": "churn, butter_churn", + "5620": "ciderpress", + "5621": "cigar_band", + "5622": "cigar_box", + "5623": "cigar_cutter", + "5624": "cigarette_butt", + "5625": "cigarette_case", + "5626": "cigarette_holder", + "5627": "cigar_lighter, cigarette_lighter, pocket_lighter", + "5628": "cinch, girth", + "5629": "cinema, movie_theater, movie_theatre, movie_house, picture_palace", + "5630": "cinquefoil", + "5631": "circle, round", + "5632": "circlet", + "5633": "circuit, electrical_circuit, electric_circuit", + "5634": "circuit_board, circuit_card, board, card, plug-in, add-in", + "5635": "circuit_breaker, breaker", + "5636": "circuitry", + "5637": "circular_plane, compass_plane", + "5638": "circular_saw, buzz_saw", + "5639": "circus_tent, big_top, round_top, top", + "5640": "cistern", + "5641": "cistern, water_tank", + "5642": "cittern, cithern, cither, citole, gittern", + "5643": "city_hall", + "5644": "cityscape", + "5645": "city_university", + "5646": "civies, civvies", + "5647": "civilian_clothing, civilian_dress, civilian_garb, plain_clothes", + "5648": "clack_valve, clack, clapper_valve", + "5649": "clamp, clinch", + "5650": "clamshell, grapple", + "5651": "clapper, tongue", + "5652": "clapperboard", + "5653": "clarence", + "5654": "clarinet", + "5655": "Clark_cell, Clark_standard_cell", + "5656": "clasp", + "5657": "clasp_knife, jackknife", + "5658": "classroom, schoolroom", + "5659": "clavichord", + "5660": "clavier, Klavier", + "5661": "clay_pigeon", + "5662": "claymore_mine, claymore", + "5663": "claymore", + "5664": "cleaners, dry_cleaners", + "5665": "cleaning_implement, cleaning_device, cleaning_equipment", + "5666": "cleaning_pad", + "5667": "clean_room, white_room", + "5668": "clearway", + "5669": "cleat", + "5670": "cleat", + "5671": "cleats", + "5672": "cleaver, meat_cleaver, chopper", + "5673": "clerestory, clearstory", + "5674": "clevis", + "5675": "clews", + "5676": "cliff_dwelling", + "5677": "climbing_frame", + "5678": "clinch", + "5679": "clinch, clench", + "5680": "clincher", + "5681": "clinic", + "5682": "clinical_thermometer, mercury-in-glass_clinical_thermometer", + "5683": "clinker, clinker_brick", + "5684": "clinometer, inclinometer", + "5685": "clip", + "5686": "clip_lead", + "5687": "clip-on", + "5688": "clipper", + "5689": "clipper", + "5690": "clipper, clipper_ship", + "5691": "cloak", + "5692": "cloak", + "5693": "cloakroom, coatroom", + "5694": "cloche", + "5695": "cloche", + "5696": "clock", + "5697": "clock_pendulum", + "5698": "clock_radio", + "5699": "clock_tower", + "5700": "clockwork", + "5701": "clog, geta, patten, sabot", + "5702": "cloisonne", + "5703": "cloister", + "5704": "closed_circuit, loop", + "5705": "closed-circuit_television", + "5706": "closed_loop, closed-loop_system", + "5707": "closet", + "5708": "closeup_lens", + "5709": "cloth_cap, flat_cap", + "5710": "cloth_covering", + "5711": "clothesbrush", + "5712": "clothes_closet, clothespress", + "5713": "clothes_dryer, clothes_drier", + "5714": "clothes_hamper, laundry_basket, clothes_basket, voider", + "5715": "clotheshorse", + "5716": "clothespin, clothes_pin, clothes_peg", + "5717": "clothes_tree, coat_tree, coat_stand", + "5718": "clothing, article_of_clothing, vesture, wear, wearable, habiliment", + "5719": "clothing_store, haberdashery, haberdashery_store, mens_store", + "5720": "clout_nail, clout", + "5721": "clove_hitch", + "5722": "club_car, lounge_car", + "5723": "clubroom", + "5724": "cluster_bomb", + "5725": "clutch", + "5726": "clutch, clutch_pedal", + "5727": "clutch_bag, clutch", + "5728": "coach, four-in-hand, coach-and-four", + "5729": "coach_house, carriage_house, remise", + "5730": "coal_car", + "5731": "coal_chute", + "5732": "coal_house", + "5733": "coal_shovel", + "5734": "coaming", + "5735": "coaster_brake", + "5736": "coat", + "5737": "coat_button", + "5738": "coat_closet", + "5739": "coatdress", + "5740": "coatee", + "5741": "coat_hanger, clothes_hanger, dress_hanger", + "5742": "coating, coat", + "5743": "coating", + "5744": "coat_of_paint", + "5745": "coatrack, coat_rack, hatrack", + "5746": "coattail", + "5747": "coaxial_cable, coax, coax_cable", + "5748": "cobweb", + "5749": "cobweb", + "5750": "Cockcroft_and_Walton_accelerator, Cockcroft-Walton_accelerator, Cockcroft_and_Walton_voltage_multiplier, Cockcroft-Walton_voltage_multiplier", + "5751": "cocked_hat", + "5752": "cockhorse", + "5753": "cockleshell", + "5754": "cockpit", + "5755": "cockpit", + "5756": "cockpit", + "5757": "cockscomb, coxcomb", + "5758": "cocktail_dress, sheath", + "5759": "cocktail_lounge", + "5760": "cocktail_shaker", + "5761": "cocotte", + "5762": "codpiece", + "5763": "coelostat", + "5764": "coffee_can", + "5765": "coffee_cup", + "5766": "coffee_filter", + "5767": "coffee_maker", + "5768": "coffee_mill, coffee_grinder", + "5769": "coffee_mug", + "5770": "coffeepot", + "5771": "coffee_stall", + "5772": "coffee_table, cocktail_table", + "5773": "coffee_urn", + "5774": "coffer", + "5775": "Coffey_still", + "5776": "coffin, casket", + "5777": "cog, sprocket", + "5778": "coif", + "5779": "coil, spiral, volute, whorl, helix", + "5780": "coil", + "5781": "coil", + "5782": "coil_spring, volute_spring", + "5783": "coin_box", + "5784": "colander, cullender", + "5785": "cold_cathode", + "5786": "cold_chisel, set_chisel", + "5787": "cold_cream, coldcream, face_cream, vanishing_cream", + "5788": "cold_frame", + "5789": "collar, neckband", + "5790": "collar", + "5791": "college", + "5792": "collet, collet_chuck", + "5793": "collider", + "5794": "colliery, pit", + "5795": "collimator", + "5796": "collimator", + "5797": "cologne, cologne_water, eau_de_cologne", + "5798": "colonnade", + "5799": "colonoscope", + "5800": "colorimeter, tintometer", + "5801": "colors, colours", + "5802": "color_television, colour_television, color_television_system, colour_television_system, color_TV, colour_TV", + "5803": "color_tube, colour_tube, color_television_tube, colour_television_tube, color_TV_tube, colour_TV_tube", + "5804": "color_wash, colour_wash", + "5805": "Colt", + "5806": "colter, coulter", + "5807": "columbarium", + "5808": "columbarium, cinerarium", + "5809": "column, pillar", + "5810": "column, pillar", + "5811": "comb", + "5812": "comb", + "5813": "comber", + "5814": "combination_lock", + "5815": "combination_plane", + "5816": "combine", + "5817": "comforter, pacifier, baby's_dummy, teething_ring", + "5818": "command_module", + "5819": "commissary", + "5820": "commissary", + "5821": "commodity, trade_good, good", + "5822": "common_ax, common_axe, Dayton_ax, Dayton_axe", + "5823": "common_room", + "5824": "communications_satellite", + "5825": "communication_system", + "5826": "community_center, civic_center", + "5827": "commutator", + "5828": "commuter, commuter_train", + "5829": "compact, powder_compact", + "5830": "compact, compact_car", + "5831": "compact_disk, compact_disc, CD", + "5832": "compact-disk_burner, CD_burner", + "5833": "companionway", + "5834": "compartment", + "5835": "compartment", + "5836": "compass", + "5837": "compass", + "5838": "compass_card, mariner's_compass", + "5839": "compass_saw", + "5840": "compound", + "5841": "compound_lens", + "5842": "compound_lever", + "5843": "compound_microscope", + "5844": "compress", + "5845": "compression_bandage, tourniquet", + "5846": "compressor", + "5847": "computer, computing_machine, computing_device, data_processor, electronic_computer, information_processing_system", + "5848": "computer_circuit", + "5849": "computerized_axial_tomography_scanner, CAT_scanner", + "5850": "computer_keyboard, keypad", + "5851": "computer_monitor", + "5852": "computer_network", + "5853": "computer_screen, computer_display", + "5854": "computer_store", + "5855": "computer_system, computing_system, automatic_data_processing_system, ADP_system, ADPS", + "5856": "concentration_camp, stockade", + "5857": "concert_grand, concert_piano", + "5858": "concert_hall", + "5859": "concertina", + "5860": "concertina", + "5861": "concrete_mixer, cement_mixer", + "5862": "condensation_pump, diffusion_pump", + "5863": "condenser, optical_condenser", + "5864": "condenser", + "5865": "condenser", + "5866": "condenser_microphone, capacitor_microphone", + "5867": "condominium", + "5868": "condominium, condo", + "5869": "conductor", + "5870": "cone_clutch, cone_friction_clutch", + "5871": "confectionery, confectionary, candy_store", + "5872": "conference_center, conference_house", + "5873": "conference_room", + "5874": "conference_table, council_table, council_board", + "5875": "confessional", + "5876": "conformal_projection, orthomorphic_projection", + "5877": "congress_boot, congress_shoe, congress_gaiter", + "5878": "conic_projection, conical_projection", + "5879": "connecting_rod", + "5880": "connecting_room", + "5881": "connection, connexion, connector, connecter, connective", + "5882": "conning_tower", + "5883": "conning_tower", + "5884": "conservatory, hothouse, indoor_garden", + "5885": "conservatory, conservatoire", + "5886": "console", + "5887": "console", + "5888": "console_table, console", + "5889": "consulate", + "5890": "contact, tangency", + "5891": "contact, contact_lens", + "5892": "container", + "5893": "container_ship, containership, container_vessel", + "5894": "containment", + "5895": "contrabassoon, contrafagotto, double_bassoon", + "5896": "control, controller", + "5897": "control_center", + "5898": "control_circuit, negative_feedback_circuit", + "5899": "control_key, command_key", + "5900": "control_panel, instrument_panel, control_board, board, panel", + "5901": "control_rod", + "5902": "control_room", + "5903": "control_system", + "5904": "control_tower", + "5905": "convector", + "5906": "convenience_store", + "5907": "convent", + "5908": "conventicle, meetinghouse", + "5909": "converging_lens, convex_lens", + "5910": "converter, convertor", + "5911": "convertible", + "5912": "convertible, sofa_bed", + "5913": "conveyance, transport", + "5914": "conveyer_belt, conveyor_belt, conveyer, conveyor, transporter", + "5915": "cooker", + "5916": "cookfire", + "5917": "cookhouse", + "5918": "cookie_cutter", + "5919": "cookie_jar, cooky_jar", + "5920": "cookie_sheet, baking_tray", + "5921": "cooking_utensil, cookware", + "5922": "cookstove", + "5923": "coolant_system", + "5924": "cooler, ice_chest", + "5925": "cooling_system, cooling", + "5926": "cooling_system, engine_cooling_system", + "5927": "cooling_tower", + "5928": "coonskin_cap, coonskin", + "5929": "cope", + "5930": "coping_saw", + "5931": "copperware", + "5932": "copyholder", + "5933": "coquille", + "5934": "coracle", + "5935": "corbel, truss", + "5936": "corbel_arch", + "5937": "corbel_step, corbie-step, corbiestep, crow_step", + "5938": "corbie_gable", + "5939": "cord, corduroy", + "5940": "cord, electric_cord", + "5941": "cordage", + "5942": "cords, corduroys", + "5943": "core", + "5944": "core_bit", + "5945": "core_drill", + "5946": "corer", + "5947": "cork, bottle_cork", + "5948": "corker", + "5949": "corkscrew, bottle_screw", + "5950": "corncrib", + "5951": "corner, quoin", + "5952": "corner, nook", + "5953": "corner_post", + "5954": "cornet, horn, trumpet, trump", + "5955": "cornice", + "5956": "cornice", + "5957": "cornice, valance, valance_board, pelmet", + "5958": "correctional_institution", + "5959": "corrugated_fastener, wiggle_nail", + "5960": "corselet, corslet", + "5961": "corset, girdle, stays", + "5962": "cosmetic", + "5963": "cosmotron", + "5964": "costume", + "5965": "costume", + "5966": "costume", + "5967": "costume", + "5968": "cosy, tea_cosy, cozy, tea_cozy", + "5969": "cot, camp_bed", + "5970": "cottage_tent", + "5971": "cotter, cottar", + "5972": "cotter_pin", + "5973": "cotton", + "5974": "cotton_flannel, Canton_flannel", + "5975": "cotton_mill", + "5976": "couch", + "5977": "couch", + "5978": "couchette", + "5979": "coude_telescope, coude_system", + "5980": "counter", + "5981": "counter, tabulator", + "5982": "counter", + "5983": "counterbore, countersink, countersink_bit", + "5984": "counter_tube", + "5985": "country_house", + "5986": "country_store, general_store, trading_post", + "5987": "coupe", + "5988": "coupling, coupler", + "5989": "court, courtyard", + "5990": "court", + "5991": "court, courtroom", + "5992": "court", + "5993": "Courtelle", + "5994": "courthouse", + "5995": "courthouse", + "5996": "coverall", + "5997": "covered_bridge", + "5998": "covered_couch", + "5999": "covered_wagon, Conestoga_wagon, Conestoga, prairie_wagon, prairie_schooner", + "6000": "covering", + "6001": "coverlet", + "6002": "cover_plate", + "6003": "cowbarn, cowshed, cow_barn, cowhouse, byre", + "6004": "cowbell", + "6005": "cowboy_boot", + "6006": "cowboy_hat, ten-gallon_hat", + "6007": "cowhide", + "6008": "cowl", + "6009": "cow_pen, cattle_pen, corral", + "6010": "CPU_board, mother_board", + "6011": "crackle, crackleware, crackle_china", + "6012": "cradle", + "6013": "craft", + "6014": "cramp, cramp_iron", + "6015": "crampon, crampoon, climbing_iron, climber", + "6016": "crampon, crampoon", + "6017": "crane", + "6018": "craniometer", + "6019": "crank, starter", + "6020": "crankcase", + "6021": "crankshaft", + "6022": "crash_barrier", + "6023": "crash_helmet", + "6024": "crate", + "6025": "cravat", + "6026": "crayon, wax_crayon", + "6027": "crazy_quilt", + "6028": "cream, ointment, emollient", + "6029": "cream_pitcher, creamer", + "6030": "creche, foundling_hospital", + "6031": "creche", + "6032": "credenza, credence", + "6033": "creel", + "6034": "crematory, crematorium, cremation_chamber", + "6035": "crematory, crematorium", + "6036": "crepe, crape", + "6037": "crepe_de_Chine", + "6038": "crescent_wrench", + "6039": "cretonne", + "6040": "crib, cot", + "6041": "crib", + "6042": "cricket_ball", + "6043": "cricket_bat, bat", + "6044": "cricket_equipment", + "6045": "cringle, eyelet, loop, grommet, grummet", + "6046": "crinoline", + "6047": "crinoline", + "6048": "crochet_needle, crochet_hook", + "6049": "crock, earthenware_jar", + "6050": "Crock_Pot", + "6051": "crook, shepherd's_crook", + "6052": "Crookes_radiometer", + "6053": "Crookes_tube", + "6054": "croquet_ball", + "6055": "croquet_equipment", + "6056": "croquet_mallet", + "6057": "cross", + "6058": "crossbar", + "6059": "crossbar", + "6060": "crossbar", + "6061": "crossbench", + "6062": "cross_bit", + "6063": "crossbow", + "6064": "crosscut_saw, crosscut_handsaw, cutoff_saw", + "6065": "crossjack, mizzen_course", + "6066": "crosspiece", + "6067": "crotchet", + "6068": "croupier's_rake", + "6069": "crowbar, wrecking_bar, pry, pry_bar", + "6070": "crown, diadem", + "6071": "crown, crownwork, jacket, jacket_crown, cap", + "6072": "crown_jewels", + "6073": "crown_lens", + "6074": "crow's_nest", + "6075": "crucible, melting_pot", + "6076": "crucifix, rood, rood-tree", + "6077": "cruet, crewet", + "6078": "cruet-stand", + "6079": "cruise_control", + "6080": "cruise_missile", + "6081": "cruiser", + "6082": "cruiser, police_cruiser, patrol_car, police_car, prowl_car, squad_car", + "6083": "cruise_ship, cruise_liner", + "6084": "crupper", + "6085": "cruse", + "6086": "crusher", + "6087": "crutch", + "6088": "cryometer", + "6089": "cryoscope", + "6090": "cryostat", + "6091": "crypt", + "6092": "crystal, watch_crystal, watch_glass", + "6093": "crystal_detector", + "6094": "crystal_microphone", + "6095": "crystal_oscillator, quartz_oscillator", + "6096": "crystal_set", + "6097": "cubitiere", + "6098": "cucking_stool, ducking_stool", + "6099": "cuckoo_clock", + "6100": "cuddy", + "6101": "cudgel", + "6102": "cue, cue_stick, pool_cue, pool_stick", + "6103": "cue_ball", + "6104": "cuff, turnup", + "6105": "cuirass", + "6106": "cuisse", + "6107": "cul, cul_de_sac, dead_end", + "6108": "culdoscope", + "6109": "cullis", + "6110": "culotte", + "6111": "cultivator, tiller", + "6112": "culverin", + "6113": "culverin", + "6114": "culvert", + "6115": "cup", + "6116": "cupboard, closet", + "6117": "cup_hook", + "6118": "cupola", + "6119": "cupola", + "6120": "curb, curb_bit", + "6121": "curb_roof", + "6122": "curbstone, kerbstone", + "6123": "curette, curet", + "6124": "curler, hair_curler, roller, crimper", + "6125": "curling_iron", + "6126": "currycomb", + "6127": "cursor, pointer", + "6128": "curtain, drape, drapery, mantle, pall", + "6129": "customhouse, customshouse", + "6130": "cutaway, cutaway_drawing, cutaway_model", + "6131": "cutlas, cutlass", + "6132": "cutoff", + "6133": "cutout", + "6134": "cutter, cutlery, cutting_tool", + "6135": "cutter", + "6136": "cutting_implement", + "6137": "cutting_room", + "6138": "cutty_stool", + "6139": "cutwork", + "6140": "cybercafe", + "6141": "cyclopean_masonry", + "6142": "cyclostyle", + "6143": "cyclotron", + "6144": "cylinder", + "6145": "cylinder, piston_chamber", + "6146": "cylinder_lock", + "6147": "cymbal", + "6148": "dacha", + "6149": "Dacron, Terylene", + "6150": "dado", + "6151": "dado_plane", + "6152": "dagger, sticker", + "6153": "dairy, dairy_farm", + "6154": "dais, podium, pulpit, rostrum, ambo, stump, soapbox", + "6155": "daisy_print_wheel, daisy_wheel", + "6156": "daisywheel_printer", + "6157": "dam, dike, dyke", + "6158": "damask", + "6159": "dampener, moistener", + "6160": "damper, muffler", + "6161": "damper_block, piano_damper", + "6162": "dark_lantern, bull's-eye", + "6163": "darkroom", + "6164": "darning_needle, embroidery_needle", + "6165": "dart", + "6166": "dart", + "6167": "dashboard, fascia", + "6168": "dashiki, daishiki", + "6169": "dash-pot", + "6170": "data_converter", + "6171": "data_input_device, input_device", + "6172": "data_multiplexer", + "6173": "data_system, information_system", + "6174": "davenport", + "6175": "davenport", + "6176": "davit", + "6177": "daybed, divan_bed", + "6178": "daybook, ledger", + "6179": "day_nursery, day_care_center", + "6180": "day_school", + "6181": "dead_axle", + "6182": "deadeye", + "6183": "deadhead", + "6184": "deanery", + "6185": "deathbed", + "6186": "death_camp", + "6187": "death_house, death_row", + "6188": "death_knell, death_bell", + "6189": "death_seat", + "6190": "deck", + "6191": "deck", + "6192": "deck_chair, beach_chair", + "6193": "deck-house", + "6194": "deckle", + "6195": "deckle_edge, deckle", + "6196": "declinometer, transit_declinometer", + "6197": "decoder", + "6198": "decolletage", + "6199": "decoupage", + "6200": "dedicated_file_server", + "6201": "deep-freeze, Deepfreeze, deep_freezer, freezer", + "6202": "deerstalker", + "6203": "defense_system, defence_system", + "6204": "defensive_structure, defense, defence", + "6205": "defibrillator", + "6206": "defilade", + "6207": "deflector", + "6208": "delayed_action", + "6209": "delay_line", + "6210": "delft", + "6211": "delicatessen, deli, food_shop", + "6212": "delivery_truck, delivery_van, panel_truck", + "6213": "delta_wing", + "6214": "demijohn", + "6215": "demitasse", + "6216": "den", + "6217": "denim, dungaree, jean", + "6218": "densimeter, densitometer", + "6219": "densitometer", + "6220": "dental_appliance", + "6221": "dental_floss, floss", + "6222": "dental_implant", + "6223": "dentist's_drill, burr_drill", + "6224": "denture, dental_plate, plate", + "6225": "deodorant, deodourant", + "6226": "department_store, emporium", + "6227": "departure_lounge", + "6228": "depilatory, depilator, epilator", + "6229": "depressor", + "6230": "depth_finder", + "6231": "depth_gauge, depth_gage", + "6232": "derrick", + "6233": "derrick", + "6234": "derringer", + "6235": "desk", + "6236": "desk_phone", + "6237": "desktop_computer", + "6238": "dessert_spoon", + "6239": "destroyer, guided_missile_destroyer", + "6240": "destroyer_escort", + "6241": "detached_house, single_dwelling", + "6242": "detector, sensor, sensing_element", + "6243": "detector", + "6244": "detention_home, detention_house, house_of_detention, detention_camp", + "6245": "detonating_fuse", + "6246": "detonator, detonating_device, cap", + "6247": "developer", + "6248": "device", + "6249": "Dewar_flask, Dewar", + "6250": "dhoti", + "6251": "dhow", + "6252": "dial, telephone_dial", + "6253": "dial", + "6254": "dial", + "6255": "dialog_box, panel", + "6256": "dial_telephone, dial_phone", + "6257": "dialyzer, dialysis_machine", + "6258": "diamante", + "6259": "diaper, nappy, napkin", + "6260": "diaper", + "6261": "diaphone", + "6262": "diaphragm, stop", + "6263": "diaphragm", + "6264": "diathermy_machine", + "6265": "dibble, dibber", + "6266": "dice_cup, dice_box", + "6267": "dicer", + "6268": "dickey, dickie, dicky, shirtfront", + "6269": "dickey, dickie, dicky, dickey-seat, dickie-seat, dicky-seat", + "6270": "Dictaphone", + "6271": "die", + "6272": "diesel, diesel_engine, diesel_motor", + "6273": "diesel-electric_locomotive, diesel-electric", + "6274": "diesel-hydraulic_locomotive, diesel-hydraulic", + "6275": "diesel_locomotive", + "6276": "diestock", + "6277": "differential_analyzer", + "6278": "differential_gear, differential", + "6279": "diffuser, diffusor", + "6280": "diffuser, diffusor", + "6281": "digester", + "6282": "diggings, digs, domiciliation, lodgings, pad", + "6283": "digital-analog_converter, digital-to-analog_converter", + "6284": "digital_audiotape, DAT", + "6285": "digital_camera", + "6286": "digital_clock", + "6287": "digital_computer", + "6288": "digital_display, alphanumeric_display", + "6289": "digital_subscriber_line, DSL", + "6290": "digital_voltmeter", + "6291": "digital_watch", + "6292": "digitizer, digitiser, analog-digital_converter, analog-to-digital_converter", + "6293": "dilator, dilater", + "6294": "dildo", + "6295": "dimity", + "6296": "dimmer", + "6297": "diner", + "6298": "dinette", + "6299": "dinghy, dory, rowboat", + "6300": "dining_area", + "6301": "dining_car, diner, dining_compartment, buffet_car", + "6302": "dining-hall", + "6303": "dining_room, dining-room", + "6304": "dining-room_furniture", + "6305": "dining-room_table", + "6306": "dining_table, board", + "6307": "dinner_bell", + "6308": "dinner_dress, dinner_gown, formal, evening_gown", + "6309": "dinner_jacket, tux, tuxedo, black_tie", + "6310": "dinner_napkin", + "6311": "dinner_pail, dinner_bucket", + "6312": "dinner_table", + "6313": "dinner_theater, dinner_theatre", + "6314": "diode, semiconductor_diode, junction_rectifier, crystal_rectifier", + "6315": "diode, rectifying_tube, rectifying_valve", + "6316": "dip", + "6317": "diplomatic_building", + "6318": "dipole, dipole_antenna", + "6319": "dipper", + "6320": "dipstick", + "6321": "DIP_switch, dual_inline_package_switch", + "6322": "directional_antenna", + "6323": "directional_microphone", + "6324": "direction_finder", + "6325": "dirk", + "6326": "dirndl", + "6327": "dirndl", + "6328": "dirty_bomb", + "6329": "discharge_lamp", + "6330": "discharge_pipe", + "6331": "disco, discotheque", + "6332": "discount_house, discount_store, discounter, wholesale_house", + "6333": "discus, saucer", + "6334": "disguise", + "6335": "dish", + "6336": "dish, dish_aerial, dish_antenna, saucer", + "6337": "dishpan", + "6338": "dish_rack", + "6339": "dishrag, dishcloth", + "6340": "dishtowel, dish_towel, tea_towel", + "6341": "dishwasher, dish_washer, dishwashing_machine", + "6342": "disk, disc", + "6343": "disk_brake, disc_brake", + "6344": "disk_clutch", + "6345": "disk_controller", + "6346": "disk_drive, disc_drive, hard_drive, Winchester_drive", + "6347": "diskette, floppy, floppy_disk", + "6348": "disk_harrow, disc_harrow", + "6349": "dispatch_case, dispatch_box", + "6350": "dispensary", + "6351": "dispenser", + "6352": "display, video_display", + "6353": "display_adapter, display_adaptor", + "6354": "display_panel, display_board, board", + "6355": "display_window, shop_window, shopwindow, show_window", + "6356": "disposal, electric_pig, garbage_disposal", + "6357": "disrupting_explosive, bursting_explosive", + "6358": "distaff", + "6359": "distillery, still", + "6360": "distributor, distributer, electrical_distributor", + "6361": "distributor_cam", + "6362": "distributor_cap", + "6363": "distributor_housing", + "6364": "distributor_point, breaker_point, point", + "6365": "ditch", + "6366": "ditch_spade, long-handled_spade", + "6367": "ditty_bag", + "6368": "divan", + "6369": "divan, diwan", + "6370": "dive_bomber", + "6371": "diverging_lens, concave_lens", + "6372": "divided_highway, dual_carriageway", + "6373": "divider", + "6374": "diving_bell", + "6375": "divining_rod, dowser, dowsing_rod, waterfinder, water_finder", + "6376": "diving_suit, diving_dress", + "6377": "dixie", + "6378": "Dixie_cup, paper_cup", + "6379": "dock, dockage, docking_facility", + "6380": "doeskin", + "6381": "dogcart", + "6382": "doggie_bag, doggy_bag", + "6383": "dogsled, dog_sled, dog_sleigh", + "6384": "dog_wrench", + "6385": "doily, doyley, doyly", + "6386": "doll, dolly", + "6387": "dollhouse, doll's_house", + "6388": "dolly", + "6389": "dolman", + "6390": "dolman, dolman_jacket", + "6391": "dolman_sleeve", + "6392": "dolmen, cromlech, portal_tomb", + "6393": "dome", + "6394": "dome, domed_stadium, covered_stadium", + "6395": "domino, half_mask, eye_mask", + "6396": "dongle", + "6397": "donkey_jacket", + "6398": "door", + "6399": "door", + "6400": "door", + "6401": "doorbell, bell, buzzer", + "6402": "doorframe, doorcase", + "6403": "doorjamb, doorpost", + "6404": "doorlock", + "6405": "doormat, welcome_mat", + "6406": "doornail", + "6407": "doorplate", + "6408": "doorsill, doorstep, threshold", + "6409": "doorstop, doorstopper", + "6410": "Doppler_radar", + "6411": "dormer, dormer_window", + "6412": "dormer_window", + "6413": "dormitory, dorm, residence_hall, hall, student_residence", + "6414": "dormitory, dormitory_room, dorm_room", + "6415": "dosemeter, dosimeter", + "6416": "dossal, dossel", + "6417": "dot_matrix_printer, matrix_printer, dot_printer", + "6418": "double_bed", + "6419": "double-bitted_ax, double-bitted_axe, Western_ax, Western_axe", + "6420": "double_boiler, double_saucepan", + "6421": "double-breasted_jacket", + "6422": "double-breasted_suit", + "6423": "double_door", + "6424": "double_glazing", + "6425": "double-hung_window", + "6426": "double_knit", + "6427": "doubler", + "6428": "double_reed", + "6429": "double-reed_instrument, double_reed", + "6430": "doublet", + "6431": "doubletree", + "6432": "douche, douche_bag", + "6433": "dovecote, columbarium, columbary", + "6434": "Dover's_powder", + "6435": "dovetail, dovetail_joint", + "6436": "dovetail_plane", + "6437": "dowel, dowel_pin, joggle", + "6438": "downstage", + "6439": "drafting_instrument", + "6440": "drafting_table, drawing_table", + "6441": "Dragunov", + "6442": "drainage_ditch", + "6443": "drainage_system", + "6444": "drain_basket", + "6445": "drainplug", + "6446": "drape", + "6447": "drapery", + "6448": "drawbar", + "6449": "drawbridge, lift_bridge", + "6450": "drawer", + "6451": "drawers, underdrawers, shorts, boxers, boxershorts", + "6452": "drawing_chalk", + "6453": "drawing_room, withdrawing_room", + "6454": "drawing_room", + "6455": "drawknife, drawshave", + "6456": "drawstring_bag", + "6457": "dray, camion", + "6458": "dreadnought, dreadnaught", + "6459": "dredge", + "6460": "dredger", + "6461": "dredging_bucket", + "6462": "dress, frock", + "6463": "dress_blues, dress_whites", + "6464": "dresser", + "6465": "dress_hat, high_hat, opera_hat, silk_hat, stovepipe, top_hat, topper, beaver", + "6466": "dressing, medical_dressing", + "6467": "dressing_case", + "6468": "dressing_gown, robe-de-chambre, lounging_robe", + "6469": "dressing_room", + "6470": "dressing_sack, dressing_sacque", + "6471": "dressing_table, dresser, vanity, toilet_table", + "6472": "dress_rack", + "6473": "dress_shirt, evening_shirt", + "6474": "dress_suit, full_dress, tailcoat, tail_coat, tails, white_tie, white_tie_and_tails", + "6475": "dress_uniform", + "6476": "drift_net", + "6477": "drill", + "6478": "electric_drill", + "6479": "drilling_platform, offshore_rig", + "6480": "drill_press", + "6481": "drill_rig, drilling_rig, oilrig, oil_rig", + "6482": "drinking_fountain, water_fountain, bubbler", + "6483": "drinking_vessel", + "6484": "drip_loop", + "6485": "drip_mat", + "6486": "drip_pan", + "6487": "dripping_pan, drip_pan", + "6488": "drip_pot", + "6489": "drive", + "6490": "drive", + "6491": "drive_line, drive_line_system", + "6492": "driver, number_one_wood", + "6493": "driveshaft", + "6494": "driveway, drive, private_road", + "6495": "driving_iron, one_iron", + "6496": "driving_wheel", + "6497": "drogue, drogue_chute, drogue_parachute", + "6498": "drogue_parachute", + "6499": "drone, drone_pipe, bourdon", + "6500": "drone, pilotless_aircraft, radio-controlled_aircraft", + "6501": "drop_arch", + "6502": "drop_cloth", + "6503": "drop_curtain, drop_cloth, drop", + "6504": "drop_forge, drop_hammer, drop_press", + "6505": "drop-leaf_table", + "6506": "dropper, eye_dropper", + "6507": "droshky, drosky", + "6508": "drove, drove_chisel", + "6509": "drugget", + "6510": "drugstore, apothecary's_shop, chemist's, chemist's_shop, pharmacy", + "6511": "drum, membranophone, tympan", + "6512": "drum, metal_drum", + "6513": "drum_brake", + "6514": "drumhead, head", + "6515": "drum_printer", + "6516": "drum_sander, electric_sander, sander, smoother", + "6517": "drumstick", + "6518": "dry_battery", + "6519": "dry-bulb_thermometer", + "6520": "dry_cell", + "6521": "dry_dock, drydock, graving_dock", + "6522": "dryer, drier", + "6523": "dry_fly", + "6524": "dry_kiln", + "6525": "dry_masonry", + "6526": "dry_point", + "6527": "dry_wall, dry-stone_wall", + "6528": "dual_scan_display", + "6529": "duck", + "6530": "duckboard", + "6531": "duckpin", + "6532": "dudeen", + "6533": "duffel, duffle", + "6534": "duffel_bag, duffle_bag, duffel, duffle", + "6535": "duffel_coat, duffle_coat", + "6536": "dugout", + "6537": "dugout_canoe, dugout, pirogue", + "6538": "dulciana", + "6539": "dulcimer", + "6540": "dulcimer", + "6541": "dumbbell", + "6542": "dumb_bomb, gravity_bomb", + "6543": "dumbwaiter, food_elevator", + "6544": "dumdum, dumdum_bullet", + "6545": "dumpcart", + "6546": "Dumpster", + "6547": "dump_truck, dumper, tipper_truck, tipper_lorry, tip_truck, tipper", + "6548": "Dumpy_level", + "6549": "dunce_cap, dunce's_cap, fool's_cap", + "6550": "dune_buggy, beach_buggy", + "6551": "dungeon", + "6552": "duplex_apartment, duplex", + "6553": "duplex_house, duplex, semidetached_house", + "6554": "duplicator, copier", + "6555": "dust_bag, vacuum_bag", + "6556": "dustcloth, dustrag, duster", + "6557": "dust_cover", + "6558": "dust_cover, dust_sheet", + "6559": "dustmop, dust_mop, dry_mop", + "6560": "dustpan", + "6561": "Dutch_oven", + "6562": "Dutch_oven", + "6563": "dwelling, home, domicile, abode, habitation, dwelling_house", + "6564": "dye-works", + "6565": "dynamo", + "6566": "dynamometer, ergometer", + "6567": "Eames_chair", + "6568": "earflap, earlap", + "6569": "early_warning_radar", + "6570": "early_warning_system", + "6571": "earmuff", + "6572": "earphone, earpiece, headphone, phone", + "6573": "earplug", + "6574": "earplug", + "6575": "earthenware", + "6576": "earthwork", + "6577": "easel", + "6578": "easy_chair, lounge_chair, overstuffed_chair", + "6579": "eaves", + "6580": "ecclesiastical_attire, ecclesiastical_robe", + "6581": "echinus", + "6582": "echocardiograph", + "6583": "edger", + "6584": "edge_tool", + "6585": "efficiency_apartment", + "6586": "egg-and-dart, egg-and-anchor, egg-and-tongue", + "6587": "eggbeater, eggwhisk", + "6588": "egg_timer", + "6589": "eiderdown, duvet, continental_quilt", + "6590": "eight_ball", + "6591": "ejection_seat, ejector_seat, capsule", + "6592": "elastic", + "6593": "elastic_bandage", + "6594": "Elastoplast", + "6595": "elbow", + "6596": "elbow_pad", + "6597": "electric, electric_automobile, electric_car", + "6598": "electrical_cable", + "6599": "electrical_contact", + "6600": "electrical_converter", + "6601": "electrical_device", + "6602": "electrical_system", + "6603": "electric_bell", + "6604": "electric_blanket", + "6605": "electric_chair, chair, death_chair, hot_seat", + "6606": "electric_clock", + "6607": "electric-discharge_lamp, gas-discharge_lamp", + "6608": "electric_fan, blower", + "6609": "electric_frying_pan", + "6610": "electric_furnace", + "6611": "electric_guitar", + "6612": "electric_hammer", + "6613": "electric_heater, electric_fire", + "6614": "electric_lamp", + "6615": "electric_locomotive", + "6616": "electric_meter, power_meter", + "6617": "electric_mixer", + "6618": "electric_motor", + "6619": "electric_organ, electronic_organ, Hammond_organ, organ", + "6620": "electric_range", + "6621": "electric_refrigerator, fridge", + "6622": "electric_toothbrush", + "6623": "electric_typewriter", + "6624": "electro-acoustic_transducer", + "6625": "electrode", + "6626": "electrodynamometer", + "6627": "electroencephalograph", + "6628": "electrograph", + "6629": "electrolytic, electrolytic_capacitor, electrolytic_condenser", + "6630": "electrolytic_cell", + "6631": "electromagnet", + "6632": "electrometer", + "6633": "electromyograph", + "6634": "electron_accelerator", + "6635": "electron_gun", + "6636": "electronic_balance", + "6637": "electronic_converter", + "6638": "electronic_device", + "6639": "electronic_equipment", + "6640": "electronic_fetal_monitor, electronic_foetal_monitor, fetal_monitor, foetal_monitor", + "6641": "electronic_instrument, electronic_musical_instrument", + "6642": "electronic_voltmeter", + "6643": "electron_microscope", + "6644": "electron_multiplier", + "6645": "electrophorus", + "6646": "electroscope", + "6647": "electrostatic_generator, electrostatic_machine, Wimshurst_machine, Van_de_Graaff_generator", + "6648": "electrostatic_printer", + "6649": "elevator, lift", + "6650": "elevator", + "6651": "elevator_shaft", + "6652": "embankment", + "6653": "embassy", + "6654": "embellishment", + "6655": "emergency_room, ER", + "6656": "emesis_basin", + "6657": "emitter", + "6658": "empty", + "6659": "emulsion, photographic_emulsion", + "6660": "enamel", + "6661": "enamel", + "6662": "enamelware", + "6663": "encaustic", + "6664": "encephalogram, pneumoencephalogram", + "6665": "enclosure", + "6666": "endoscope", + "6667": "energizer, energiser", + "6668": "engine", + "6669": "engine", + "6670": "engineering, engine_room", + "6671": "enginery", + "6672": "English_horn, cor_anglais", + "6673": "English_saddle, English_cavalry_saddle", + "6674": "enlarger", + "6675": "ensemble", + "6676": "ensign", + "6677": "entablature", + "6678": "entertainment_center", + "6679": "entrenching_tool, trenching_spade", + "6680": "entrenchment, intrenchment", + "6681": "envelope", + "6682": "envelope", + "6683": "envelope, gasbag", + "6684": "eolith", + "6685": "epauliere", + "6686": "epee", + "6687": "epergne", + "6688": "epicyclic_train, epicyclic_gear_train", + "6689": "epidiascope", + "6690": "epilating_wax", + "6691": "equalizer, equaliser", + "6692": "equatorial", + "6693": "equipment", + "6694": "erasable_programmable_read-only_memory, EPROM", + "6695": "eraser", + "6696": "erecting_prism", + "6697": "erection", + "6698": "Erlenmeyer_flask", + "6699": "escape_hatch", + "6700": "escapement", + "6701": "escape_wheel", + "6702": "escarpment, escarp, scarp, protective_embankment", + "6703": "escutcheon, scutcheon", + "6704": "esophagoscope, oesophagoscope", + "6705": "espadrille", + "6706": "espalier", + "6707": "espresso_maker", + "6708": "espresso_shop", + "6709": "establishment", + "6710": "estaminet", + "6711": "estradiol_patch", + "6712": "etagere", + "6713": "etamine, etamin", + "6714": "etching", + "6715": "ethernet", + "6716": "ethernet_cable", + "6717": "Eton_jacket", + "6718": "etui", + "6719": "eudiometer", + "6720": "euphonium", + "6721": "evaporative_cooler", + "6722": "evening_bag", + "6723": "exercise_bike, exercycle", + "6724": "exercise_device", + "6725": "exhaust, exhaust_system", + "6726": "exhaust_fan", + "6727": "exhaust_valve", + "6728": "exhibition_hall, exhibition_area", + "6729": "Exocet", + "6730": "expansion_bit, expansive_bit", + "6731": "expansion_bolt", + "6732": "explosive_detection_system, EDS", + "6733": "explosive_device", + "6734": "explosive_trace_detection, ETD", + "6735": "express, limited", + "6736": "extension, telephone_extension, extension_phone", + "6737": "extension_cord", + "6738": "external-combustion_engine", + "6739": "external_drive", + "6740": "extractor", + "6741": "eyebrow_pencil", + "6742": "eyecup, eyebath, eye_cup", + "6743": "eyeliner", + "6744": "eyepatch, patch", + "6745": "eyepiece, ocular", + "6746": "eyeshadow", + "6747": "fabric, cloth, material, textile", + "6748": "facade, frontage, frontal", + "6749": "face_guard", + "6750": "face_mask", + "6751": "faceplate", + "6752": "face_powder", + "6753": "face_veil", + "6754": "facing, cladding", + "6755": "facing", + "6756": "facing, veneer", + "6757": "facsimile, facsimile_machine, fax", + "6758": "factory, mill, manufacturing_plant, manufactory", + "6759": "factory_ship", + "6760": "fagot, faggot", + "6761": "fagot_stitch, faggot_stitch", + "6762": "Fahrenheit_thermometer", + "6763": "faience", + "6764": "faille", + "6765": "fairlead", + "6766": "fairy_light", + "6767": "falchion", + "6768": "fallboard, fall-board", + "6769": "fallout_shelter", + "6770": "false_face", + "6771": "false_teeth", + "6772": "family_room", + "6773": "fan", + "6774": "fan_belt", + "6775": "fan_blade", + "6776": "fancy_dress, masquerade, masquerade_costume", + "6777": "fanion", + "6778": "fanlight", + "6779": "fanjet, fan-jet, fanjet_engine, turbojet, turbojet_engine, turbofan, turbofan_engine", + "6780": "fanjet, fan-jet, turbofan, turbojet", + "6781": "fanny_pack, butt_pack", + "6782": "fan_tracery", + "6783": "fan_vaulting", + "6784": "farm_building", + "6785": "farmer's_market, green_market, greenmarket", + "6786": "farmhouse", + "6787": "farm_machine", + "6788": "farmplace, farm-place, farmstead", + "6789": "farmyard", + "6790": "farthingale", + "6791": "fastener, fastening, holdfast, fixing", + "6792": "fast_reactor", + "6793": "fat_farm", + "6794": "fatigues", + "6795": "faucet, spigot", + "6796": "fauld", + "6797": "fauteuil", + "6798": "feather_boa, boa", + "6799": "featheredge", + "6800": "fedora, felt_hat, homburg, Stetson, trilby", + "6801": "feedback_circuit, feedback_loop", + "6802": "feedlot", + "6803": "fell, felled_seam", + "6804": "felloe, felly", + "6805": "felt", + "6806": "felt-tip_pen, felt-tipped_pen, felt_tip, Magic_Marker", + "6807": "felucca", + "6808": "fence, fencing", + "6809": "fencing_mask, fencer's_mask", + "6810": "fencing_sword", + "6811": "fender, wing", + "6812": "fender, buffer, cowcatcher, pilot", + "6813": "Ferris_wheel", + "6814": "ferrule, collet", + "6815": "ferry, ferryboat", + "6816": "ferule", + "6817": "festoon", + "6818": "fetoscope, foetoscope", + "6819": "fetter, hobble", + "6820": "fez, tarboosh", + "6821": "fiber, fibre, vulcanized_fiber", + "6822": "fiber_optic_cable, fibre_optic_cable", + "6823": "fiberscope", + "6824": "fichu", + "6825": "fiddlestick, violin_bow", + "6826": "field_artillery, field_gun", + "6827": "field_coil, field_winding", + "6828": "field-effect_transistor, FET", + "6829": "field-emission_microscope", + "6830": "field_glass, glass, spyglass", + "6831": "field_hockey_ball", + "6832": "field_hospital", + "6833": "field_house, sports_arena", + "6834": "field_lens", + "6835": "field_magnet", + "6836": "field-sequential_color_television, field-sequential_color_TV, field-sequential_color_television_system, field-sequential_color_TV_system", + "6837": "field_tent", + "6838": "fieldwork", + "6839": "fife", + "6840": "fifth_wheel, spare", + "6841": "fighter, fighter_aircraft, attack_aircraft", + "6842": "fighting_chair", + "6843": "fig_leaf", + "6844": "figure_eight, figure_of_eight", + "6845": "figure_loom, figured-fabric_loom", + "6846": "figure_skate", + "6847": "filament", + "6848": "filature", + "6849": "file", + "6850": "file, file_cabinet, filing_cabinet", + "6851": "file_folder", + "6852": "file_server", + "6853": "filigree, filagree, fillagree", + "6854": "filling", + "6855": "film, photographic_film", + "6856": "film, plastic_film", + "6857": "film_advance", + "6858": "filter", + "6859": "filter", + "6860": "finder, viewfinder, view_finder", + "6861": "finery", + "6862": "fine-tooth_comb, fine-toothed_comb", + "6863": "finger", + "6864": "fingerboard", + "6865": "finger_bowl", + "6866": "finger_paint, fingerpaint", + "6867": "finger-painting", + "6868": "finger_plate, escutcheon, scutcheon", + "6869": "fingerstall, cot", + "6870": "finish_coat, finishing_coat", + "6871": "finish_coat, finishing_coat", + "6872": "finisher", + "6873": "fin_keel", + "6874": "fipple", + "6875": "fipple_flute, fipple_pipe, recorder, vertical_flute", + "6876": "fire", + "6877": "fire_alarm, smoke_alarm", + "6878": "firearm, piece, small-arm", + "6879": "fire_bell", + "6880": "fireboat", + "6881": "firebox", + "6882": "firebrick", + "6883": "fire_control_radar", + "6884": "fire_control_system", + "6885": "fire_engine, fire_truck", + "6886": "fire_extinguisher, extinguisher, asphyxiator", + "6887": "fire_iron", + "6888": "fireman's_ax, fireman's_axe", + "6889": "fireplace, hearth, open_fireplace", + "6890": "fire_screen, fireguard", + "6891": "fire_tongs, coal_tongs", + "6892": "fire_tower", + "6893": "firewall", + "6894": "firing_chamber, gun_chamber", + "6895": "firing_pin", + "6896": "firkin", + "6897": "firmer_chisel", + "6898": "first-aid_kit", + "6899": "first-aid_station", + "6900": "first_base", + "6901": "first_class", + "6902": "fishbowl, fish_bowl, goldfish_bowl", + "6903": "fisherman's_bend", + "6904": "fisherman's_knot, true_lover's_knot, truelove_knot", + "6905": "fisherman's_lure, fish_lure", + "6906": "fishhook", + "6907": "fishing_boat, fishing_smack, fishing_vessel", + "6908": "fishing_gear, tackle, fishing_tackle, fishing_rig, rig", + "6909": "fishing_rod, fishing_pole", + "6910": "fish_joint", + "6911": "fish_knife", + "6912": "fishnet, fishing_net", + "6913": "fish_slice", + "6914": "fitment", + "6915": "fixative", + "6916": "fixer-upper", + "6917": "flag", + "6918": "flageolet, treble_recorder, shepherd's_pipe", + "6919": "flagon", + "6920": "flagpole, flagstaff", + "6921": "flagship", + "6922": "flail", + "6923": "flambeau", + "6924": "flamethrower", + "6925": "flange, rim", + "6926": "flannel", + "6927": "flannel, gabardine, tweed, white", + "6928": "flannelette", + "6929": "flap, flaps", + "6930": "flash, photoflash, flash_lamp, flashgun, flashbulb, flash_bulb", + "6931": "flash", + "6932": "flash_camera", + "6933": "flasher", + "6934": "flashlight, torch", + "6935": "flashlight_battery", + "6936": "flash_memory", + "6937": "flask", + "6938": "flat_arch, straight_arch", + "6939": "flatbed", + "6940": "flatbed_press, cylinder_press", + "6941": "flat_bench", + "6942": "flatcar, flatbed, flat", + "6943": "flat_file", + "6944": "flatlet", + "6945": "flat_panel_display, FPD", + "6946": "flats", + "6947": "flat_tip_screwdriver", + "6948": "fleece", + "6949": "fleet_ballistic_missile_submarine", + "6950": "fleur-de-lis, fleur-de-lys", + "6951": "flight_simulator, trainer", + "6952": "flintlock", + "6953": "flintlock, firelock", + "6954": "flip-flop, thong", + "6955": "flipper, fin", + "6956": "float, plasterer's_float", + "6957": "floating_dock, floating_dry_dock", + "6958": "floatplane, pontoon_plane", + "6959": "flood, floodlight, flood_lamp, photoflood", + "6960": "floor, flooring", + "6961": "floor, level, storey, story", + "6962": "floor", + "6963": "floorboard", + "6964": "floor_cover, floor_covering", + "6965": "floor_joist", + "6966": "floor_lamp", + "6967": "flophouse, dosshouse", + "6968": "florist, florist_shop, flower_store", + "6969": "floss", + "6970": "flotsam, jetsam", + "6971": "flour_bin", + "6972": "flour_mill", + "6973": "flowerbed, flower_bed, bed_of_flowers", + "6974": "flugelhorn, fluegelhorn", + "6975": "fluid_drive", + "6976": "fluid_flywheel", + "6977": "flume", + "6978": "fluorescent_lamp", + "6979": "fluoroscope, roentgenoscope", + "6980": "flush_toilet, lavatory", + "6981": "flute, transverse_flute", + "6982": "flute, flute_glass, champagne_flute", + "6983": "flux_applicator", + "6984": "fluxmeter", + "6985": "fly", + "6986": "flying_boat", + "6987": "flying_buttress, arc-boutant", + "6988": "flying_carpet", + "6989": "flying_jib", + "6990": "fly_rod", + "6991": "fly_tent", + "6992": "flytrap", + "6993": "flywheel", + "6994": "fob, watch_chain, watch_guard", + "6995": "foghorn", + "6996": "foglamp", + "6997": "foil", + "6998": "fold, sheepfold, sheep_pen, sheepcote", + "6999": "folder", + "7000": "folding_chair", + "7001": "folding_door, accordion_door", + "7002": "folding_saw", + "7003": "food_court", + "7004": "food_processor", + "7005": "food_hamper", + "7006": "foot", + "7007": "footage", + "7008": "football", + "7009": "football_helmet", + "7010": "football_stadium", + "7011": "footbath", + "7012": "foot_brake", + "7013": "footbridge, overcrossing, pedestrian_bridge", + "7014": "foothold, footing", + "7015": "footlocker, locker", + "7016": "foot_rule", + "7017": "footstool, footrest, ottoman, tuffet", + "7018": "footwear, footgear", + "7019": "footwear", + "7020": "forceps", + "7021": "force_pump", + "7022": "fore-and-after", + "7023": "fore-and-aft_sail", + "7024": "forecastle, fo'c'sle", + "7025": "forecourt", + "7026": "foredeck", + "7027": "fore_edge, foredge", + "7028": "foreground", + "7029": "foremast", + "7030": "fore_plane", + "7031": "foresail", + "7032": "forestay", + "7033": "foretop", + "7034": "fore-topmast", + "7035": "fore-topsail", + "7036": "forge", + "7037": "fork", + "7038": "forklift", + "7039": "formalwear, eveningwear, evening_dress, evening_clothes", + "7040": "Formica", + "7041": "fortification, munition", + "7042": "fortress, fort", + "7043": "forty-five", + "7044": "Foucault_pendulum", + "7045": "foulard", + "7046": "foul-weather_gear", + "7047": "foundation_garment, foundation", + "7048": "foundry, metalworks", + "7049": "fountain", + "7050": "fountain_pen", + "7051": "four-in-hand", + "7052": "four-poster", + "7053": "four-pounder", + "7054": "four-stroke_engine, four-stroke_internal-combustion_engine", + "7055": "four-wheel_drive, 4WD", + "7056": "four-wheel_drive, 4WD", + "7057": "four-wheeler", + "7058": "fowling_piece", + "7059": "foxhole, fox_hole", + "7060": "fragmentation_bomb, antipersonnel_bomb, anti-personnel_bomb, daisy_cutter", + "7061": "frail", + "7062": "fraise", + "7063": "frame, framing", + "7064": "frame", + "7065": "frame_buffer", + "7066": "framework", + "7067": "Francis_turbine", + "7068": "franking_machine", + "7069": "free_house", + "7070": "free-reed", + "7071": "free-reed_instrument", + "7072": "freewheel", + "7073": "freight_car", + "7074": "freight_elevator, service_elevator", + "7075": "freight_liner, liner_train", + "7076": "freight_train, rattler", + "7077": "French_door", + "7078": "French_horn, horn", + "7079": "French_polish, French_polish_shellac", + "7080": "French_roof", + "7081": "French_window", + "7082": "Fresnel_lens", + "7083": "fret", + "7084": "friary", + "7085": "friction_clutch", + "7086": "frieze", + "7087": "frieze", + "7088": "frigate", + "7089": "frigate", + "7090": "frill, flounce, ruffle, furbelow", + "7091": "Frisbee", + "7092": "frock", + "7093": "frock_coat", + "7094": "frontlet, frontal", + "7095": "front_porch", + "7096": "front_projector", + "7097": "fruit_machine", + "7098": "frying_pan, frypan, skillet", + "7099": "fuel_filter", + "7100": "fuel_gauge, fuel_indicator", + "7101": "fuel_injection, fuel_injection_system", + "7102": "fuel_system", + "7103": "full-dress_uniform", + "7104": "full_metal_jacket", + "7105": "full_skirt", + "7106": "fumigator", + "7107": "funeral_home, funeral_parlor, funeral_parlour, funeral_chapel, funeral_church, funeral-residence", + "7108": "funnel", + "7109": "funny_wagon", + "7110": "fur", + "7111": "fur_coat", + "7112": "fur_hat", + "7113": "furnace", + "7114": "furnace_lining, refractory", + "7115": "furnace_room", + "7116": "furnishing", + "7117": "furnishing, trappings", + "7118": "furniture, piece_of_furniture, article_of_furniture", + "7119": "fur-piece", + "7120": "furrow", + "7121": "fuse, electrical_fuse, safety_fuse", + "7122": "fusee_drive, fusee", + "7123": "fuselage", + "7124": "fusil", + "7125": "fustian", + "7126": "futon", + "7127": "gabardine", + "7128": "gable, gable_end, gable_wall", + "7129": "gable_roof, saddle_roof, saddleback, saddleback_roof", + "7130": "gadgetry", + "7131": "gaff", + "7132": "gaff", + "7133": "gaff", + "7134": "gaffsail, gaff-headed_sail", + "7135": "gaff_topsail, fore-and-aft_topsail", + "7136": "gag, muzzle", + "7137": "gaiter", + "7138": "gaiter", + "7139": "Galilean_telescope", + "7140": "galleon", + "7141": "gallery", + "7142": "gallery, art_gallery, picture_gallery", + "7143": "galley, ship's_galley, caboose, cookhouse", + "7144": "galley", + "7145": "galley", + "7146": "gallows", + "7147": "gallows_tree, gallows-tree, gibbet, gallous", + "7148": "galvanometer", + "7149": "gambling_house, gambling_den, gambling_hell, gaming_house", + "7150": "gambrel, gambrel_roof", + "7151": "game", + "7152": "gamebag", + "7153": "game_equipment", + "7154": "gaming_table", + "7155": "gamp, brolly", + "7156": "gangplank, gangboard, gangway", + "7157": "gangsaw", + "7158": "gangway", + "7159": "gantlet", + "7160": "gantry, gauntry", + "7161": "garage", + "7162": "garage, service_department", + "7163": "Garand_rifle, Garand, M-1, M-1_rifle", + "7164": "garbage", + "7165": "garbage_truck, dustcart", + "7166": "garboard, garboard_plank, garboard_strake", + "7167": "garden", + "7168": "garden", + "7169": "garden_rake", + "7170": "garden_spade", + "7171": "garden_tool, lawn_tool", + "7172": "garden_trowel", + "7173": "gargoyle", + "7174": "garibaldi", + "7175": "garlic_press", + "7176": "garment", + "7177": "garment_bag", + "7178": "garrison_cap, overseas_cap", + "7179": "garrote, garotte, garrotte, iron_collar", + "7180": "garter, supporter", + "7181": "garter_belt, suspender_belt", + "7182": "garter_stitch", + "7183": "gas_guzzler", + "7184": "gas_shell", + "7185": "gas_bracket", + "7186": "gas_burner, gas_jet", + "7187": "gas-cooled_reactor", + "7188": "gas-discharge_tube", + "7189": "gas_engine", + "7190": "gas_fixture", + "7191": "gas_furnace", + "7192": "gas_gun", + "7193": "gas_heater", + "7194": "gas_holder, gasometer", + "7195": "gasket", + "7196": "gas_lamp", + "7197": "gas_maser", + "7198": "gasmask, respirator, gas_helmet", + "7199": "gas_meter, gasometer", + "7200": "gasoline_engine, petrol_engine", + "7201": "gasoline_gauge, gasoline_gage, gas_gauge, gas_gage, petrol_gauge, petrol_gage", + "7202": "gas_oven", + "7203": "gas_oven", + "7204": "gas_pump, gasoline_pump, petrol_pump, island_dispenser", + "7205": "gas_range, gas_stove, gas_cooker", + "7206": "gas_ring", + "7207": "gas_tank, gasoline_tank, petrol_tank", + "7208": "gas_thermometer, air_thermometer", + "7209": "gastroscope", + "7210": "gas_turbine", + "7211": "gas-turbine_ship", + "7212": "gat, rod", + "7213": "gate", + "7214": "gatehouse", + "7215": "gateleg_table", + "7216": "gatepost", + "7217": "gathered_skirt", + "7218": "Gatling_gun", + "7219": "gauge, gage", + "7220": "gauntlet, gantlet", + "7221": "gauntlet, gantlet, metal_glove", + "7222": "gauze, netting, veiling", + "7223": "gauze, gauze_bandage", + "7224": "gavel", + "7225": "gazebo, summerhouse", + "7226": "gear, gear_wheel, geared_wheel, cogwheel", + "7227": "gear, paraphernalia, appurtenance", + "7228": "gear, gear_mechanism", + "7229": "gearbox, gear_box, gear_case", + "7230": "gearing, gear, geartrain, power_train, train", + "7231": "gearset", + "7232": "gearshift, gearstick, shifter, gear_lever", + "7233": "Geiger_counter, Geiger-Muller_counter", + "7234": "Geiger_tube, Geiger-Muller_tube", + "7235": "gene_chip, DNA_chip", + "7236": "general-purpose_bomb, GP_bomb", + "7237": "generator", + "7238": "generator", + "7239": "generator", + "7240": "Geneva_gown", + "7241": "geodesic_dome", + "7242": "georgette", + "7243": "gharry", + "7244": "ghat", + "7245": "ghetto_blaster, boom_box", + "7246": "gift_shop, novelty_shop", + "7247": "gift_wrapping", + "7248": "gig", + "7249": "gig", + "7250": "gig", + "7251": "gig", + "7252": "gildhall", + "7253": "gill_net", + "7254": "gilt, gilding", + "7255": "gimbal", + "7256": "gingham", + "7257": "girandole, girandola", + "7258": "girder", + "7259": "girdle, cincture, sash, waistband, waistcloth", + "7260": "glass, drinking_glass", + "7261": "glass", + "7262": "glass_cutter", + "7263": "glasses_case", + "7264": "glebe_house", + "7265": "Glengarry", + "7266": "glider, sailplane", + "7267": "Global_Positioning_System, GPS", + "7268": "glockenspiel, orchestral_bells", + "7269": "glory_hole, lazaretto", + "7270": "glove", + "7271": "glove_compartment", + "7272": "glow_lamp", + "7273": "glow_tube", + "7274": "glyptic_art, glyptography", + "7275": "glyptics, lithoglyptics", + "7276": "gnomon", + "7277": "goal", + "7278": "goalmouth", + "7279": "goalpost", + "7280": "goblet", + "7281": "godown", + "7282": "goggles", + "7283": "go-kart", + "7284": "gold_plate", + "7285": "golf_bag", + "7286": "golf_ball", + "7287": "golfcart, golf_cart", + "7288": "golf_club, golf-club, club", + "7289": "golf-club_head, club_head, club-head, clubhead", + "7290": "golf_equipment", + "7291": "golf_glove", + "7292": "golliwog, golliwogg", + "7293": "gondola", + "7294": "gong, tam-tam", + "7295": "goniometer", + "7296": "Gordian_knot", + "7297": "gorget", + "7298": "gossamer", + "7299": "Gothic_arch", + "7300": "gouache", + "7301": "gouge", + "7302": "gourd, calabash", + "7303": "government_building", + "7304": "government_office", + "7305": "gown", + "7306": "gown, robe", + "7307": "gown, surgical_gown, scrubs", + "7308": "grab", + "7309": "grab_bag", + "7310": "grab_bar", + "7311": "grace_cup", + "7312": "grade_separation", + "7313": "graduated_cylinder", + "7314": "graffito, graffiti", + "7315": "gramophone, acoustic_gramophone", + "7316": "granary, garner", + "7317": "grandfather_clock, longcase_clock", + "7318": "grand_piano, grand", + "7319": "graniteware", + "7320": "granny_knot, granny", + "7321": "grape_arbor, grape_arbour", + "7322": "grapnel, grapnel_anchor", + "7323": "grapnel, grapple, grappler, grappling_hook, grappling_iron", + "7324": "grass_skirt", + "7325": "grate, grating", + "7326": "grate, grating", + "7327": "grater", + "7328": "graver, graving_tool, pointel, pointrel", + "7329": "gravestone, headstone, tombstone", + "7330": "gravimeter, gravity_meter", + "7331": "gravure, photogravure, heliogravure", + "7332": "gravy_boat, gravy_holder, sauceboat, boat", + "7333": "grey, gray", + "7334": "grease-gun, gun", + "7335": "greasepaint", + "7336": "greasy_spoon", + "7337": "greatcoat, overcoat, topcoat", + "7338": "great_hall", + "7339": "greave, jambeau", + "7340": "greengrocery", + "7341": "greenhouse, nursery, glasshouse", + "7342": "grenade", + "7343": "grid, gridiron", + "7344": "griddle", + "7345": "grill, grille, grillwork", + "7346": "grille, radiator_grille", + "7347": "grillroom, grill", + "7348": "grinder", + "7349": "grinding_wheel, emery_wheel", + "7350": "grindstone", + "7351": "gripsack", + "7352": "gristmill", + "7353": "grocery_bag", + "7354": "grocery_store, grocery, food_market, market", + "7355": "grogram", + "7356": "groined_vault", + "7357": "groover", + "7358": "grosgrain", + "7359": "gros_point", + "7360": "ground, earth", + "7361": "ground_bait", + "7362": "ground_control", + "7363": "ground_floor, first_floor, ground_level", + "7364": "groundsheet, ground_cloth", + "7365": "G-string, thong", + "7366": "guard, safety, safety_device", + "7367": "guard_boat", + "7368": "guardroom", + "7369": "guardroom", + "7370": "guard_ship", + "7371": "guard's_van", + "7372": "gueridon", + "7373": "Guarnerius", + "7374": "guesthouse", + "7375": "guestroom", + "7376": "guidance_system, guidance_device", + "7377": "guided_missile", + "7378": "guided_missile_cruiser", + "7379": "guided_missile_frigate", + "7380": "guildhall", + "7381": "guilloche", + "7382": "guillotine", + "7383": "guimpe", + "7384": "guimpe", + "7385": "guitar", + "7386": "guitar_pick", + "7387": "gulag", + "7388": "gun", + "7389": "gunboat", + "7390": "gun_carriage", + "7391": "gun_case", + "7392": "gun_emplacement, weapons_emplacement", + "7393": "gun_enclosure, gun_turret, turret", + "7394": "gunlock, firing_mechanism", + "7395": "gunnery", + "7396": "gunnysack, gunny_sack, burlap_bag", + "7397": "gun_pendulum", + "7398": "gun_room", + "7399": "gunsight, gun-sight", + "7400": "gun_trigger, trigger", + "7401": "gurney", + "7402": "gusher", + "7403": "gusset, inset", + "7404": "gusset, gusset_plate", + "7405": "guy, guy_cable, guy_wire, guy_rope", + "7406": "gymnastic_apparatus, exerciser", + "7407": "gym_shoe, sneaker, tennis_shoe", + "7408": "gym_suit", + "7409": "gymslip", + "7410": "gypsy_cab", + "7411": "gyrocompass", + "7412": "gyroscope, gyro", + "7413": "gyrostabilizer, gyrostabiliser", + "7414": "habergeon", + "7415": "habit", + "7416": "habit, riding_habit", + "7417": "hacienda", + "7418": "hacksaw, hack_saw, metal_saw", + "7419": "haft, helve", + "7420": "hairbrush", + "7421": "haircloth, hair", + "7422": "hairdressing, hair_tonic, hair_oil, hair_grease", + "7423": "hairnet", + "7424": "hairpiece, false_hair, postiche", + "7425": "hairpin", + "7426": "hair_shirt", + "7427": "hair_slide", + "7428": "hair_spray", + "7429": "hairspring", + "7430": "hair_trigger", + "7431": "halberd", + "7432": "half_binding", + "7433": "half_hatchet", + "7434": "half_hitch", + "7435": "half_track", + "7436": "hall", + "7437": "hall", + "7438": "hall", + "7439": "Hall_of_Fame", + "7440": "hall_of_residence", + "7441": "hallstand", + "7442": "halter", + "7443": "halter, hackamore", + "7444": "hame", + "7445": "hammer", + "7446": "hammer, power_hammer", + "7447": "hammer", + "7448": "hammerhead", + "7449": "hammock, sack", + "7450": "hamper", + "7451": "hand", + "7452": "handball", + "7453": "handbarrow", + "7454": "handbell", + "7455": "hand_blower, blow_dryer, blow_drier, hair_dryer, hair_drier", + "7456": "handbow", + "7457": "hand_brake, emergency, emergency_brake, parking_brake", + "7458": "hand_calculator, pocket_calculator", + "7459": "handcar", + "7460": "handcart, pushcart, cart, go-cart", + "7461": "hand_cream", + "7462": "handcuff, cuff, handlock, manacle", + "7463": "hand_drill, handheld_drill", + "7464": "hand_glass, simple_microscope, magnifying_glass", + "7465": "hand_glass, hand_mirror", + "7466": "hand_grenade", + "7467": "hand-held_computer, hand-held_microcomputer", + "7468": "handhold", + "7469": "handkerchief, hankie, hanky, hankey", + "7470": "handlebar", + "7471": "handloom", + "7472": "hand_lotion", + "7473": "hand_luggage", + "7474": "hand-me-down", + "7475": "hand_mower", + "7476": "hand_pump", + "7477": "handrest", + "7478": "handsaw, hand_saw, carpenter's_saw", + "7479": "handset, French_telephone", + "7480": "hand_shovel", + "7481": "handspike", + "7482": "handstamp, rubber_stamp", + "7483": "hand_throttle", + "7484": "hand_tool", + "7485": "hand_towel, face_towel", + "7486": "hand_truck, truck", + "7487": "handwear, hand_wear", + "7488": "handwheel", + "7489": "handwheel", + "7490": "hangar_queen", + "7491": "hanger", + "7492": "hang_glider", + "7493": "hangman's_rope, hangman's_halter, halter, hemp, hempen_necktie", + "7494": "hank", + "7495": "hansom, hansom_cab", + "7496": "harbor, harbour", + "7497": "hard_disc, hard_disk, fixed_disk", + "7498": "hard_hat, tin_hat, safety_hat", + "7499": "hardtop", + "7500": "hardware, ironware", + "7501": "hardware_store, ironmonger, ironmonger's_shop", + "7502": "harmonica, mouth_organ, harp, mouth_harp", + "7503": "harmonium, organ, reed_organ", + "7504": "harness", + "7505": "harness", + "7506": "harp", + "7507": "harp", + "7508": "harpoon", + "7509": "harpoon_gun", + "7510": "harpoon_log", + "7511": "harpsichord, cembalo", + "7512": "Harris_Tweed", + "7513": "harrow", + "7514": "harvester, reaper", + "7515": "hash_house", + "7516": "hasp", + "7517": "hat, chapeau, lid", + "7518": "hatbox", + "7519": "hatch", + "7520": "hatchback, hatchback_door", + "7521": "hatchback", + "7522": "hatchel, heckle", + "7523": "hatchet", + "7524": "hatpin", + "7525": "hauberk, byrnie", + "7526": "Hawaiian_guitar, steel_guitar", + "7527": "hawse, hawsehole, hawsepipe", + "7528": "hawser", + "7529": "hawser_bend", + "7530": "hay_bale", + "7531": "hayfork", + "7532": "hayloft, haymow, mow", + "7533": "haymaker, hay_conditioner", + "7534": "hayrack, hayrig", + "7535": "hayrack", + "7536": "hazard", + "7537": "head", + "7538": "head", + "7539": "head", + "7540": "headboard", + "7541": "head_covering, veil", + "7542": "headdress, headgear", + "7543": "header", + "7544": "header", + "7545": "header, coping, cope", + "7546": "header, lintel", + "7547": "headfast", + "7548": "head_gasket", + "7549": "head_gate", + "7550": "headgear", + "7551": "headlight, headlamp", + "7552": "headpiece", + "7553": "headpin, kingpin", + "7554": "headquarters, central_office, main_office, home_office, home_base", + "7555": "headrace", + "7556": "headrest", + "7557": "headsail", + "7558": "headscarf", + "7559": "headset", + "7560": "head_shop", + "7561": "headstall, headpiece", + "7562": "headstock", + "7563": "health_spa, spa, health_club", + "7564": "hearing_aid, ear_trumpet", + "7565": "hearing_aid, deaf-aid", + "7566": "hearse", + "7567": "hearth, fireside", + "7568": "hearthrug", + "7569": "heart-lung_machine", + "7570": "heat_engine", + "7571": "heater, warmer", + "7572": "heat_exchanger", + "7573": "heating_pad, hot_pad", + "7574": "heat_lamp, infrared_lamp", + "7575": "heat_pump", + "7576": "heat-seeking_missile", + "7577": "heat_shield", + "7578": "heat_sink", + "7579": "heaume", + "7580": "heaver", + "7581": "heavier-than-air_craft", + "7582": "heckelphone, basset_oboe", + "7583": "hectograph, heliotype", + "7584": "hedge, hedgerow", + "7585": "hedge_trimmer", + "7586": "helicon, bombardon", + "7587": "helicopter, chopper, whirlybird, eggbeater", + "7588": "heliograph", + "7589": "heliometer", + "7590": "helm", + "7591": "helmet", + "7592": "helmet", + "7593": "hematocrit, haematocrit", + "7594": "hemming-stitch", + "7595": "hemostat, haemostat", + "7596": "hemstitch, hemstitching", + "7597": "henroost", + "7598": "heraldry", + "7599": "hermitage", + "7600": "herringbone", + "7601": "herringbone, herringbone_pattern", + "7602": "Herschelian_telescope, off-axis_reflector", + "7603": "Hessian_boot, hessian, jackboot, Wellington, Wellington_boot", + "7604": "heterodyne_receiver, superheterodyne_receiver, superhet", + "7605": "hibachi", + "7606": "hideaway, retreat", + "7607": "hi-fi, high_fidelity_sound_system", + "7608": "high_altar", + "7609": "high-angle_gun", + "7610": "highball_glass", + "7611": "highboard", + "7612": "highboy, tallboy", + "7613": "highchair, feeding_chair", + "7614": "high_gear, high", + "7615": "high-hat_cymbal, high_hat", + "7616": "highlighter", + "7617": "highlighter", + "7618": "high-pass_filter", + "7619": "high-rise, tower_block", + "7620": "high_table", + "7621": "high-warp_loom", + "7622": "hijab", + "7623": "hinge, flexible_joint", + "7624": "hinging_post, swinging_post", + "7625": "hip_boot, thigh_boot", + "7626": "hipflask, pocket_flask", + "7627": "hip_pad", + "7628": "hip_pocket", + "7629": "hippodrome", + "7630": "hip_roof, hipped_roof", + "7631": "hitch", + "7632": "hitch", + "7633": "hitching_post", + "7634": "hitchrack, hitching_bar", + "7635": "hob", + "7636": "hobble_skirt", + "7637": "hockey_skate", + "7638": "hockey_stick", + "7639": "hod", + "7640": "hodoscope", + "7641": "hoe", + "7642": "hoe_handle", + "7643": "hogshead", + "7644": "hoist", + "7645": "hold, keep", + "7646": "holder", + "7647": "holding_cell", + "7648": "holding_device", + "7649": "holding_pen, holding_paddock, holding_yard", + "7650": "hollowware, holloware", + "7651": "holster", + "7652": "holster", + "7653": "holy_of_holies, sanctum_sanctorum", + "7654": "home, nursing_home, rest_home", + "7655": "home_appliance, household_appliance", + "7656": "home_computer", + "7657": "home_plate, home_base, home, plate", + "7658": "home_room, homeroom", + "7659": "homespun", + "7660": "homestead", + "7661": "home_theater, home_theatre", + "7662": "homing_torpedo", + "7663": "hone", + "7664": "honeycomb", + "7665": "hood, bonnet, cowl, cowling", + "7666": "hood", + "7667": "hood", + "7668": "hood, exhaust_hood", + "7669": "hood", + "7670": "hood_latch", + "7671": "hook", + "7672": "hook, claw", + "7673": "hook", + "7674": "hookah, narghile, nargileh, sheesha, shisha, chicha, calean, kalian, water_pipe, hubble-bubble, hubbly-bubbly", + "7675": "hook_and_eye", + "7676": "hookup, assemblage", + "7677": "hookup", + "7678": "hook_wrench, hook_spanner", + "7679": "hoopskirt, crinoline", + "7680": "hoosegow, hoosgow", + "7681": "Hoover", + "7682": "hope_chest, wedding_chest", + "7683": "hopper", + "7684": "hopsacking, hopsack", + "7685": "horizontal_bar, high_bar", + "7686": "horizontal_stabilizer, horizontal_stabiliser, tailplane", + "7687": "horizontal_tail", + "7688": "horn", + "7689": "horn", + "7690": "horn", + "7691": "horn_button", + "7692": "hornpipe, pibgorn, stockhorn", + "7693": "horse, gymnastic_horse", + "7694": "horsebox", + "7695": "horsecar", + "7696": "horse_cart, horse-cart", + "7697": "horsecloth", + "7698": "horse-drawn_vehicle", + "7699": "horsehair", + "7700": "horsehair_wig", + "7701": "horseless_carriage", + "7702": "horse_pistol, horse-pistol", + "7703": "horseshoe, shoe", + "7704": "horseshoe", + "7705": "horse-trail", + "7706": "horsewhip", + "7707": "hose", + "7708": "hosiery, hose", + "7709": "hospice", + "7710": "hospital, infirmary", + "7711": "hospital_bed", + "7712": "hospital_room", + "7713": "hospital_ship", + "7714": "hospital_train", + "7715": "hostel, youth_hostel, student_lodging", + "7716": "hostel, hostelry, inn, lodge, auberge", + "7717": "hot-air_balloon", + "7718": "hotel", + "7719": "hotel-casino, casino-hotel", + "7720": "hotel-casino, casino-hotel", + "7721": "hotel_room", + "7722": "hot_line", + "7723": "hot_pants", + "7724": "hot_plate, hotplate", + "7725": "hot_rod, hot-rod", + "7726": "hot_spot, hotspot", + "7727": "hot_tub", + "7728": "hot-water_bottle, hot-water_bag", + "7729": "houndstooth_check, hound's-tooth_check, dogstooth_check, dogs-tooth_check, dog's-tooth_check", + "7730": "hourglass", + "7731": "hour_hand, little_hand", + "7732": "house", + "7733": "house", + "7734": "houseboat", + "7735": "houselights", + "7736": "house_of_cards, cardhouse, card-house, cardcastle", + "7737": "house_of_correction", + "7738": "house_paint, housepaint", + "7739": "housetop", + "7740": "housing, lodging, living_accommodations", + "7741": "hovel, hut, hutch, shack, shanty", + "7742": "hovercraft, ground-effect_machine", + "7743": "howdah, houdah", + "7744": "huarache, huaraches", + "7745": "hub-and-spoke, hub-and-spoke_system", + "7746": "hubcap", + "7747": "huck, huckaback", + "7748": "hug-me-tight", + "7749": "hula-hoop", + "7750": "hulk", + "7751": "hull", + "7752": "humeral_veil, veil", + "7753": "Humvee, Hum-Vee", + "7754": "hunter, hunting_watch", + "7755": "hunting_knife", + "7756": "hurdle", + "7757": "hurricane_deck, hurricane_roof, promenade_deck, awning_deck", + "7758": "hurricane_lamp, hurricane_lantern, tornado_lantern, storm_lantern, storm_lamp", + "7759": "hut, army_hut, field_hut", + "7760": "hutch", + "7761": "hutment", + "7762": "hydraulic_brake, hydraulic_brakes", + "7763": "hydraulic_press", + "7764": "hydraulic_pump, hydraulic_ram", + "7765": "hydraulic_system", + "7766": "hydraulic_transmission, hydraulic_transmission_system", + "7767": "hydroelectric_turbine", + "7768": "hydrofoil, hydroplane", + "7769": "hydrofoil, foil", + "7770": "hydrogen_bomb, H-bomb, fusion_bomb, thermonuclear_bomb", + "7771": "hydrometer, gravimeter", + "7772": "hygrodeik", + "7773": "hygrometer", + "7774": "hygroscope", + "7775": "hyperbaric_chamber", + "7776": "hypercoaster", + "7777": "hypermarket", + "7778": "hypodermic_needle", + "7779": "hypodermic_syringe, hypodermic, hypo", + "7780": "hypsometer", + "7781": "hysterosalpingogram", + "7782": "I-beam", + "7783": "ice_ax, ice_axe, piolet", + "7784": "iceboat, ice_yacht, scooter", + "7785": "icebreaker, iceboat", + "7786": "iced-tea_spoon", + "7787": "ice_hockey_rink, ice-hockey_rink", + "7788": "ice_machine", + "7789": "ice_maker", + "7790": "ice_pack, ice_bag", + "7791": "icepick, ice_pick", + "7792": "ice_rink, ice-skating_rink, ice", + "7793": "ice_skate", + "7794": "ice_tongs", + "7795": "icetray", + "7796": "iconoscope", + "7797": "Identikit, Identikit_picture", + "7798": "idle_pulley, idler_pulley, idle_wheel", + "7799": "igloo, iglu", + "7800": "ignition_coil", + "7801": "ignition_key", + "7802": "ignition_switch", + "7803": "imaret", + "7804": "immovable_bandage", + "7805": "impact_printer", + "7806": "impeller", + "7807": "implant", + "7808": "implement", + "7809": "impression", + "7810": "imprint", + "7811": "improvised_explosive_device, I.E.D., IED", + "7812": "impulse_turbine", + "7813": "in-basket, in-tray", + "7814": "incendiary_bomb, incendiary, firebomb", + "7815": "incinerator", + "7816": "inclined_plane", + "7817": "inclinometer, dip_circle", + "7818": "inclinometer", + "7819": "incrustation, encrustation", + "7820": "incubator, brooder", + "7821": "index_register", + "7822": "Indiaman", + "7823": "Indian_club", + "7824": "indicator", + "7825": "induction_coil", + "7826": "inductor, inductance", + "7827": "industrial_watercourse", + "7828": "inertial_guidance_system, inertial_navigation_system", + "7829": "inflater, inflator", + "7830": "inhaler, inhalator", + "7831": "injector", + "7832": "ink_bottle, inkpot", + "7833": "ink_eraser", + "7834": "ink-jet_printer", + "7835": "inkle", + "7836": "inkstand", + "7837": "inkwell, inkstand", + "7838": "inlay", + "7839": "inside_caliper", + "7840": "insole, innersole", + "7841": "instep", + "7842": "instillator", + "7843": "institution", + "7844": "instrument", + "7845": "instrument_of_punishment", + "7846": "instrument_of_torture", + "7847": "intaglio, diaglyph", + "7848": "intake_valve", + "7849": "integrated_circuit, microcircuit", + "7850": "integrator, planimeter", + "7851": "Intelnet", + "7852": "interceptor", + "7853": "interchange", + "7854": "intercommunication_system, intercom", + "7855": "intercontinental_ballistic_missile, ICBM", + "7856": "interface, port", + "7857": "interferometer", + "7858": "interior_door", + "7859": "internal-combustion_engine, ICE", + "7860": "internal_drive", + "7861": "internet, net, cyberspace", + "7862": "interphone", + "7863": "interrupter", + "7864": "intersection, crossroad, crossway, crossing, carrefour", + "7865": "interstice", + "7866": "intraocular_lens", + "7867": "intravenous_pyelogram, IVP", + "7868": "inverter", + "7869": "ion_engine", + "7870": "ionization_chamber, ionization_tube", + "7871": "iPod", + "7872": "video_iPod", + "7873": "iron, smoothing_iron", + "7874": "iron", + "7875": "iron, branding_iron", + "7876": "irons, chains", + "7877": "ironclad", + "7878": "iron_foundry", + "7879": "iron_horse", + "7880": "ironing", + "7881": "iron_lung", + "7882": "ironmongery", + "7883": "ironworks", + "7884": "irrigation_ditch", + "7885": "izar", + "7886": "jabot", + "7887": "jack", + "7888": "jack, jackstones", + "7889": "jack", + "7890": "jack", + "7891": "jacket", + "7892": "jacket", + "7893": "jacket", + "7894": "jack-in-the-box", + "7895": "jack-o'-lantern", + "7896": "jack_plane", + "7897": "Jacob's_ladder, jack_ladder, pilot_ladder", + "7898": "jaconet", + "7899": "Jacquard_loom, Jacquard", + "7900": "jacquard", + "7901": "jag, dag", + "7902": "jail, jailhouse, gaol, clink, slammer, poky, pokey", + "7903": "jalousie", + "7904": "jamb", + "7905": "jammer", + "7906": "jampot, jamjar", + "7907": "japan", + "7908": "jar", + "7909": "Jarvik_heart, Jarvik_artificial_heart", + "7910": "jaunting_car, jaunty_car", + "7911": "javelin", + "7912": "jaw", + "7913": "Jaws_of_Life", + "7914": "jean, blue_jean, denim", + "7915": "jeep, landrover", + "7916": "jellaba", + "7917": "jerkin", + "7918": "jeroboam, double-magnum", + "7919": "jersey", + "7920": "jersey, T-shirt, tee_shirt", + "7921": "jet, jet_plane, jet-propelled_plane", + "7922": "jet_bridge", + "7923": "jet_engine", + "7924": "jetliner", + "7925": "jeweler's_glass", + "7926": "jewelled_headdress, jeweled_headdress", + "7927": "jew's_harp, jews'_harp, mouth_bow", + "7928": "jib", + "7929": "jibboom", + "7930": "jig", + "7931": "jig", + "7932": "jiggermast, jigger", + "7933": "jigsaw, scroll_saw, fretsaw", + "7934": "jigsaw_puzzle", + "7935": "jinrikisha, ricksha, rickshaw", + "7936": "jobcentre", + "7937": "jodhpurs, jodhpur_breeches, riding_breeches", + "7938": "jodhpur, jodhpur_boot, jodhpur_shoe", + "7939": "joinery", + "7940": "joint", + "7941": "Joint_Direct_Attack_Munition, JDAM", + "7942": "jointer, jointer_plane, jointing_plane, long_plane", + "7943": "joist", + "7944": "jolly_boat, jolly", + "7945": "jorum", + "7946": "joss_house", + "7947": "journal_bearing", + "7948": "journal_box", + "7949": "joystick", + "7950": "jungle_gym", + "7951": "junk", + "7952": "jug", + "7953": "jukebox, nickelodeon", + "7954": "jumbojet, jumbo_jet", + "7955": "jumper, pinafore, pinny", + "7956": "jumper", + "7957": "jumper", + "7958": "jumper", + "7959": "jumper_cable, jumper_lead, lead, booster_cable", + "7960": "jump_seat", + "7961": "jump_suit", + "7962": "jump_suit, jumpsuit", + "7963": "junction", + "7964": "junction, conjunction", + "7965": "junction_barrier, barrier_strip", + "7966": "junk_shop", + "7967": "jury_box", + "7968": "jury_mast", + "7969": "kachina", + "7970": "kaffiyeh", + "7971": "kalansuwa", + "7972": "Kalashnikov", + "7973": "kameez", + "7974": "kanzu", + "7975": "katharometer", + "7976": "kayak", + "7977": "kazoo", + "7978": "keel", + "7979": "keelboat", + "7980": "keelson", + "7981": "keep, donjon, dungeon", + "7982": "keg", + "7983": "kennel, doghouse, dog_house", + "7984": "kepi, peaked_cap, service_cap, yachting_cap", + "7985": "keratoscope", + "7986": "kerchief", + "7987": "ketch", + "7988": "kettle, boiler", + "7989": "kettle, kettledrum, tympanum, tympani, timpani", + "7990": "key", + "7991": "key", + "7992": "keyboard", + "7993": "keyboard_buffer", + "7994": "keyboard_instrument", + "7995": "keyhole", + "7996": "keyhole_saw", + "7997": "khadi, khaddar", + "7998": "khaki", + "7999": "khakis", + "8000": "khimar", + "8001": "khukuri", + "8002": "kick_pleat", + "8003": "kicksorter, pulse_height_analyzer", + "8004": "kickstand", + "8005": "kick_starter, kick_start", + "8006": "kid_glove, suede_glove", + "8007": "kiln", + "8008": "kilt", + "8009": "kimono", + "8010": "kinescope, picture_tube, television_tube", + "8011": "Kinetoscope", + "8012": "king", + "8013": "king", + "8014": "kingbolt, kingpin, swivel_pin", + "8015": "king_post", + "8016": "Kipp's_apparatus", + "8017": "kirk", + "8018": "kirpan", + "8019": "kirtle", + "8020": "kirtle", + "8021": "kit, outfit", + "8022": "kit", + "8023": "kitbag, kit_bag", + "8024": "kitchen", + "8025": "kitchen_appliance", + "8026": "kitchenette", + "8027": "kitchen_table", + "8028": "kitchen_utensil", + "8029": "kitchenware", + "8030": "kite_balloon", + "8031": "klaxon, claxon", + "8032": "klieg_light", + "8033": "klystron", + "8034": "knee_brace", + "8035": "knee-high, knee-hi", + "8036": "knee_pad", + "8037": "knee_piece", + "8038": "knife", + "8039": "knife", + "8040": "knife_blade", + "8041": "knight, horse", + "8042": "knit", + "8043": "knitting_machine", + "8044": "knitting_needle", + "8045": "knitwear", + "8046": "knob, boss", + "8047": "knob, pommel", + "8048": "knobble", + "8049": "knobkerrie, knobkerry", + "8050": "knocker, doorknocker, rapper", + "8051": "knot", + "8052": "knuckle_joint, hinge_joint", + "8053": "kohl", + "8054": "koto", + "8055": "kraal", + "8056": "kremlin", + "8057": "kris, creese, crease", + "8058": "krummhorn, crumhorn, cromorne", + "8059": "Kundt's_tube", + "8060": "Kurdistan", + "8061": "kurta", + "8062": "kylix, cylix", + "8063": "kymograph, cymograph", + "8064": "lab_bench, laboratory_bench", + "8065": "lab_coat, laboratory_coat", + "8066": "lace", + "8067": "lacquer", + "8068": "lacquerware", + "8069": "lacrosse_ball", + "8070": "ladder-back", + "8071": "ladder-back, ladder-back_chair", + "8072": "ladder_truck, aerial_ladder_truck", + "8073": "ladies'_room, powder_room", + "8074": "ladle", + "8075": "lady_chapel", + "8076": "lagerphone", + "8077": "lag_screw, lag_bolt", + "8078": "lake_dwelling, pile_dwelling", + "8079": "lally, lally_column", + "8080": "lamasery", + "8081": "lambrequin", + "8082": "lame", + "8083": "laminar_flow_clean_room", + "8084": "laminate", + "8085": "lamination", + "8086": "lamp", + "8087": "lamp", + "8088": "lamp_house, lamphouse, lamp_housing", + "8089": "lamppost", + "8090": "lampshade, lamp_shade", + "8091": "lanai", + "8092": "lancet_arch, lancet", + "8093": "lancet_window", + "8094": "landau", + "8095": "lander", + "8096": "landing_craft", + "8097": "landing_flap", + "8098": "landing_gear", + "8099": "landing_net", + "8100": "landing_skid", + "8101": "land_line, landline", + "8102": "land_mine, ground-emplaced_mine, booby_trap", + "8103": "land_office", + "8104": "lanolin", + "8105": "lantern", + "8106": "lanyard, laniard", + "8107": "lap, lap_covering", + "8108": "laparoscope", + "8109": "lapboard", + "8110": "lapel", + "8111": "lap_joint, splice", + "8112": "laptop, laptop_computer", + "8113": "laryngoscope", + "8114": "laser, optical_maser", + "8115": "laser-guided_bomb, LGB", + "8116": "laser_printer", + "8117": "lash, thong", + "8118": "lashing", + "8119": "lasso, lariat, riata, reata", + "8120": "latch", + "8121": "latch, door_latch", + "8122": "latchet", + "8123": "latchkey", + "8124": "lateen, lateen_sail", + "8125": "latex_paint, latex, rubber-base_paint", + "8126": "lath", + "8127": "lathe", + "8128": "latrine", + "8129": "lattice, latticework, fretwork", + "8130": "launch", + "8131": "launcher, rocket_launcher", + "8132": "laundry, wash, washing, washables", + "8133": "laundry_cart", + "8134": "laundry_truck", + "8135": "lavalava", + "8136": "lavaliere, lavalier, lavalliere", + "8137": "laver", + "8138": "lawn_chair, garden_chair", + "8139": "lawn_furniture", + "8140": "lawn_mower, mower", + "8141": "layette", + "8142": "lead-acid_battery, lead-acid_accumulator", + "8143": "lead-in", + "8144": "leading_rein", + "8145": "lead_pencil", + "8146": "leaf_spring", + "8147": "lean-to", + "8148": "lean-to_tent", + "8149": "leash, tether, lead", + "8150": "leatherette, imitation_leather", + "8151": "leather_strip", + "8152": "Leclanche_cell", + "8153": "lectern, reading_desk", + "8154": "lecture_room", + "8155": "lederhosen", + "8156": "ledger_board", + "8157": "leg", + "8158": "leg", + "8159": "legging, leging, leg_covering", + "8160": "Leiden_jar, Leyden_jar", + "8161": "leisure_wear", + "8162": "lens, lense, lens_system", + "8163": "lens, electron_lens", + "8164": "lens_cap, lens_cover", + "8165": "lens_implant, interocular_lens_implant, IOL", + "8166": "leotard, unitard, body_suit, cat_suit", + "8167": "letter_case", + "8168": "letter_opener, paper_knife, paperknife", + "8169": "levee", + "8170": "level, spirit_level", + "8171": "lever", + "8172": "lever, lever_tumbler", + "8173": "lever", + "8174": "lever_lock", + "8175": "Levi's, levis", + "8176": "Liberty_ship", + "8177": "library", + "8178": "library", + "8179": "lid", + "8180": "Liebig_condenser", + "8181": "lie_detector", + "8182": "lifeboat", + "8183": "life_buoy, lifesaver, life_belt, life_ring", + "8184": "life_jacket, life_vest, cork_jacket", + "8185": "life_office", + "8186": "life_preserver, preserver, flotation_device", + "8187": "life-support_system, life_support", + "8188": "life-support_system, life_support", + "8189": "lifting_device", + "8190": "lift_pump", + "8191": "ligament", + "8192": "ligature", + "8193": "light, light_source", + "8194": "light_arm", + "8195": "light_bulb, lightbulb, bulb, incandescent_lamp, electric_light, electric-light_bulb", + "8196": "light_circuit, lighting_circuit", + "8197": "light-emitting_diode, LED", + "8198": "lighter, light, igniter, ignitor", + "8199": "lighter-than-air_craft", + "8200": "light_filter, diffusing_screen", + "8201": "lighting", + "8202": "light_machine_gun", + "8203": "light_meter, exposure_meter, photometer", + "8204": "light_microscope", + "8205": "lightning_rod, lightning_conductor", + "8206": "light_pen, electronic_stylus", + "8207": "lightship", + "8208": "Lilo", + "8209": "limber", + "8210": "limekiln", + "8211": "limiter, clipper", + "8212": "limousine, limo", + "8213": "linear_accelerator, linac", + "8214": "linen", + "8215": "line_printer, line-at-a-time_printer", + "8216": "liner, ocean_liner", + "8217": "liner, lining", + "8218": "lingerie, intimate_apparel", + "8219": "lining, liner", + "8220": "link, data_link", + "8221": "linkage", + "8222": "Link_trainer", + "8223": "linocut", + "8224": "linoleum_knife, linoleum_cutter", + "8225": "Linotype, Linotype_machine", + "8226": "linsey-woolsey", + "8227": "linstock", + "8228": "lion-jaw_forceps", + "8229": "lip-gloss", + "8230": "lipstick, lip_rouge", + "8231": "liqueur_glass", + "8232": "liquid_crystal_display, LCD", + "8233": "liquid_metal_reactor", + "8234": "lisle", + "8235": "lister, lister_plow, lister_plough, middlebreaker, middle_buster", + "8236": "litterbin, litter_basket, litter-basket", + "8237": "little_theater, little_theatre", + "8238": "live_axle, driving_axle", + "8239": "living_quarters, quarters", + "8240": "living_room, living-room, sitting_room, front_room, parlor, parlour", + "8241": "load", + "8242": "Loafer", + "8243": "loaner", + "8244": "lobe", + "8245": "lobster_pot", + "8246": "local", + "8247": "local_area_network, LAN", + "8248": "local_oscillator, heterodyne_oscillator", + "8249": "Lochaber_ax", + "8250": "lock", + "8251": "lock, ignition_lock", + "8252": "lock, lock_chamber", + "8253": "lock", + "8254": "lockage", + "8255": "locker", + "8256": "locker_room", + "8257": "locket", + "8258": "lock-gate", + "8259": "locking_pliers", + "8260": "lockring, lock_ring, lock_washer", + "8261": "lockstitch", + "8262": "lockup", + "8263": "locomotive, engine, locomotive_engine, railway_locomotive", + "8264": "lodge, indian_lodge", + "8265": "lodge, hunting_lodge", + "8266": "lodge", + "8267": "lodging_house, rooming_house", + "8268": "loft, attic, garret", + "8269": "loft, pigeon_loft", + "8270": "loft", + "8271": "log_cabin", + "8272": "loggia", + "8273": "longbow", + "8274": "long_iron", + "8275": "long_johns", + "8276": "long_sleeve", + "8277": "long_tom", + "8278": "long_trousers, long_pants", + "8279": "long_underwear, union_suit", + "8280": "looking_glass, glass", + "8281": "lookout, observation_tower, lookout_station, observatory", + "8282": "loom", + "8283": "loop_knot", + "8284": "lorgnette", + "8285": "Lorraine_cross, cross_of_Lorraine", + "8286": "lorry, camion", + "8287": "lota", + "8288": "lotion", + "8289": "loudspeaker, speaker, speaker_unit, loudspeaker_system, speaker_system", + "8290": "lounge, waiting_room, waiting_area", + "8291": "lounger", + "8292": "lounging_jacket, smoking_jacket", + "8293": "lounging_pajama, lounging_pyjama", + "8294": "loungewear", + "8295": "loupe, jeweler's_loupe", + "8296": "louvered_window, jalousie", + "8297": "love_knot, lovers'_knot, lover's_knot, true_lovers'_knot, true_lover's_knot", + "8298": "love_seat, loveseat, tete-a-tete, vis-a-vis", + "8299": "loving_cup", + "8300": "lowboy", + "8301": "low-pass_filter", + "8302": "low-warp-loom", + "8303": "LP, L-P", + "8304": "L-plate", + "8305": "lubber's_hole", + "8306": "lubricating_system, force-feed_lubricating_system, force_feed, pressure-feed_lubricating_system, pressure_feed", + "8307": "luff", + "8308": "lug", + "8309": "luge", + "8310": "Luger", + "8311": "luggage_carrier", + "8312": "luggage_compartment, automobile_trunk, trunk", + "8313": "luggage_rack, roof_rack", + "8314": "lugger", + "8315": "lugsail, lug", + "8316": "lug_wrench", + "8317": "lumberjack, lumber_jacket", + "8318": "lumbermill, sawmill", + "8319": "lunar_excursion_module, lunar_module, LEM", + "8320": "lunchroom", + "8321": "lunette", + "8322": "lungi, lungyi, longyi", + "8323": "lunula", + "8324": "lusterware", + "8325": "lute", + "8326": "luxury_liner, express_luxury_liner", + "8327": "lyceum", + "8328": "lychgate, lichgate", + "8329": "lyre", + "8330": "machete, matchet, panga", + "8331": "machicolation", + "8332": "machine", + "8333": "machine, simple_machine", + "8334": "machine_bolt", + "8335": "machine_gun", + "8336": "machinery", + "8337": "machine_screw", + "8338": "machine_tool", + "8339": "machinist's_vise, metalworking_vise", + "8340": "machmeter", + "8341": "mackinaw", + "8342": "mackinaw, Mackinaw_boat", + "8343": "mackinaw, Mackinaw_coat", + "8344": "mackintosh, macintosh", + "8345": "macrame", + "8346": "madras", + "8347": "Mae_West, air_jacket", + "8348": "magazine_rack", + "8349": "magic_lantern", + "8350": "magnet", + "8351": "magnetic_bottle", + "8352": "magnetic_compass", + "8353": "magnetic_core_memory, core_memory", + "8354": "magnetic_disk, magnetic_disc, disk, disc", + "8355": "magnetic_head", + "8356": "magnetic_mine", + "8357": "magnetic_needle", + "8358": "magnetic_recorder", + "8359": "magnetic_stripe", + "8360": "magnetic_tape, mag_tape, tape", + "8361": "magneto, magnetoelectric_machine", + "8362": "magnetometer, gaussmeter", + "8363": "magnetron", + "8364": "magnifier", + "8365": "magnum", + "8366": "magnus_hitch", + "8367": "mail", + "8368": "mailbag, postbag", + "8369": "mailbag, mail_pouch", + "8370": "mailboat, mail_boat, packet, packet_boat", + "8371": "mailbox, letter_box", + "8372": "mail_car", + "8373": "maildrop", + "8374": "mailer", + "8375": "maillot", + "8376": "maillot, tank_suit", + "8377": "mailsorter", + "8378": "mail_train", + "8379": "mainframe, mainframe_computer", + "8380": "mainmast", + "8381": "main_rotor", + "8382": "mainsail", + "8383": "mainspring", + "8384": "main-topmast", + "8385": "main-topsail", + "8386": "main_yard", + "8387": "maisonette, maisonnette", + "8388": "majolica, maiolica", + "8389": "makeup, make-up, war_paint", + "8390": "Maksutov_telescope", + "8391": "malacca, malacca_cane", + "8392": "mallet, beetle", + "8393": "mallet, hammer", + "8394": "mallet", + "8395": "mammogram", + "8396": "mandola", + "8397": "mandolin", + "8398": "manger, trough", + "8399": "mangle", + "8400": "manhole", + "8401": "manhole_cover", + "8402": "man-of-war, ship_of_the_line", + "8403": "manometer", + "8404": "manor, manor_house", + "8405": "manor_hall, hall", + "8406": "MANPAD", + "8407": "mansard, mansard_roof", + "8408": "manse", + "8409": "mansion, mansion_house, manse, hall, residence", + "8410": "mantel, mantelpiece, mantle, mantlepiece, chimneypiece", + "8411": "mantelet, mantilla", + "8412": "mantilla", + "8413": "Mao_jacket", + "8414": "map", + "8415": "maquiladora", + "8416": "maraca", + "8417": "marble", + "8418": "marching_order", + "8419": "marimba, xylophone", + "8420": "marina", + "8421": "marker", + "8422": "marketplace, market_place, mart, market", + "8423": "marlinespike, marlinspike, marlingspike", + "8424": "marocain, crepe_marocain", + "8425": "marquee, marquise", + "8426": "marquetry, marqueterie", + "8427": "marriage_bed", + "8428": "martello_tower", + "8429": "martingale", + "8430": "mascara", + "8431": "maser", + "8432": "masher", + "8433": "mashie, five_iron", + "8434": "mashie_niblick, seven_iron", + "8435": "masjid, musjid", + "8436": "mask", + "8437": "mask", + "8438": "Masonite", + "8439": "Mason_jar", + "8440": "masonry", + "8441": "mason's_level", + "8442": "massage_parlor", + "8443": "massage_parlor", + "8444": "mass_spectrograph", + "8445": "mass_spectrometer, spectrometer", + "8446": "mast", + "8447": "mast", + "8448": "mastaba, mastabah", + "8449": "master_bedroom", + "8450": "masterpiece, chef-d'oeuvre", + "8451": "mat", + "8452": "mat, gym_mat", + "8453": "match, lucifer, friction_match", + "8454": "match", + "8455": "matchboard", + "8456": "matchbook", + "8457": "matchbox", + "8458": "matchlock", + "8459": "match_plane, tonguing_and_grooving_plane", + "8460": "matchstick", + "8461": "material", + "8462": "materiel, equipage", + "8463": "maternity_hospital", + "8464": "maternity_ward", + "8465": "matrix", + "8466": "Matthew_Walker, Matthew_Walker_knot", + "8467": "matting", + "8468": "mattock", + "8469": "mattress_cover", + "8470": "maul, sledge, sledgehammer", + "8471": "maulstick, mahlstick", + "8472": "Mauser", + "8473": "mausoleum", + "8474": "maxi", + "8475": "Maxim_gun", + "8476": "maximum_and_minimum_thermometer", + "8477": "maypole", + "8478": "maze, labyrinth", + "8479": "mazer", + "8480": "means", + "8481": "measure", + "8482": "measuring_cup", + "8483": "measuring_instrument, measuring_system, measuring_device", + "8484": "measuring_stick, measure, measuring_rod", + "8485": "meat_counter", + "8486": "meat_grinder", + "8487": "meat_hook", + "8488": "meat_house", + "8489": "meat_safe", + "8490": "meat_thermometer", + "8491": "mechanical_device", + "8492": "mechanical_piano, Pianola, player_piano", + "8493": "mechanical_system", + "8494": "mechanism", + "8495": "medical_building, health_facility, healthcare_facility", + "8496": "medical_instrument", + "8497": "medicine_ball", + "8498": "medicine_chest, medicine_cabinet", + "8499": "MEDLINE", + "8500": "megalith, megalithic_structure", + "8501": "megaphone", + "8502": "memorial, monument", + "8503": "memory, computer_memory, storage, computer_storage, store, memory_board", + "8504": "memory_chip", + "8505": "memory_device, storage_device", + "8506": "menagerie, zoo, zoological_garden", + "8507": "mending", + "8508": "menhir, standing_stone", + "8509": "menorah", + "8510": "Menorah", + "8511": "man's_clothing", + "8512": "men's_room, men's", + "8513": "mercantile_establishment, retail_store, sales_outlet, outlet", + "8514": "mercury_barometer", + "8515": "mercury_cell", + "8516": "mercury_thermometer, mercury-in-glass_thermometer", + "8517": "mercury-vapor_lamp", + "8518": "mercy_seat", + "8519": "merlon", + "8520": "mess, mess_hall", + "8521": "mess_jacket, monkey_jacket, shell_jacket", + "8522": "mess_kit", + "8523": "messuage", + "8524": "metal_detector", + "8525": "metallic", + "8526": "metal_screw", + "8527": "metal_wood", + "8528": "meteorological_balloon", + "8529": "meter", + "8530": "meterstick, metrestick", + "8531": "metronome", + "8532": "mezzanine, mezzanine_floor, entresol", + "8533": "mezzanine, first_balcony", + "8534": "microbalance", + "8535": "microbrewery", + "8536": "microfiche", + "8537": "microfilm", + "8538": "micrometer, micrometer_gauge, micrometer_caliper", + "8539": "microphone, mike", + "8540": "microprocessor", + "8541": "microscope", + "8542": "microtome", + "8543": "microwave, microwave_oven", + "8544": "microwave_diathermy_machine", + "8545": "microwave_linear_accelerator", + "8546": "middy, middy_blouse", + "8547": "midiron, two_iron", + "8548": "mihrab", + "8549": "mihrab", + "8550": "military_hospital", + "8551": "military_quarters", + "8552": "military_uniform", + "8553": "military_vehicle", + "8554": "milk_bar", + "8555": "milk_can", + "8556": "milk_float", + "8557": "milking_machine", + "8558": "milking_stool", + "8559": "milk_wagon, milkwagon", + "8560": "mill, grinder, milling_machinery", + "8561": "milldam", + "8562": "miller, milling_machine", + "8563": "milliammeter", + "8564": "millinery, woman's_hat", + "8565": "millinery, hat_shop", + "8566": "milling", + "8567": "millivoltmeter", + "8568": "millstone", + "8569": "millstone", + "8570": "millwheel, mill_wheel", + "8571": "mimeograph, mimeo, mimeograph_machine, Roneo, Roneograph", + "8572": "minaret", + "8573": "mincer, mincing_machine", + "8574": "mine", + "8575": "mine_detector", + "8576": "minelayer", + "8577": "mineshaft", + "8578": "minibar, cellaret", + "8579": "minibike, motorbike", + "8580": "minibus", + "8581": "minicar", + "8582": "minicomputer", + "8583": "ministry", + "8584": "miniskirt, mini", + "8585": "minisub, minisubmarine", + "8586": "minivan", + "8587": "miniver", + "8588": "mink, mink_coat", + "8589": "minster", + "8590": "mint", + "8591": "minute_hand, big_hand", + "8592": "Minuteman", + "8593": "mirror", + "8594": "missile", + "8595": "missile_defense_system, missile_defence_system", + "8596": "miter_box, mitre_box", + "8597": "miter_joint, mitre_joint, miter, mitre", + "8598": "mitten", + "8599": "mixer", + "8600": "mixer", + "8601": "mixing_bowl", + "8602": "mixing_faucet", + "8603": "mizzen, mizen", + "8604": "mizzenmast, mizenmast, mizzen, mizen", + "8605": "mobcap", + "8606": "mobile_home, manufactured_home", + "8607": "moccasin, mocassin", + "8608": "mock-up", + "8609": "mod_con", + "8610": "Model_T", + "8611": "modem", + "8612": "modillion", + "8613": "module", + "8614": "module", + "8615": "mohair", + "8616": "moire, watered-silk", + "8617": "mold, mould, cast", + "8618": "moldboard, mouldboard", + "8619": "moldboard_plow, mouldboard_plough", + "8620": "moleskin", + "8621": "Molotov_cocktail, petrol_bomb, gasoline_bomb", + "8622": "monastery", + "8623": "monastic_habit", + "8624": "moneybag", + "8625": "money_belt", + "8626": "monitor", + "8627": "monitor", + "8628": "monitor, monitoring_device", + "8629": "monkey-wrench, monkey_wrench", + "8630": "monk's_cloth", + "8631": "monochrome", + "8632": "monocle, eyeglass", + "8633": "monofocal_lens_implant, monofocal_IOL", + "8634": "monoplane", + "8635": "monotype", + "8636": "monstrance, ostensorium", + "8637": "mooring_tower, mooring_mast", + "8638": "Moorish_arch, horseshoe_arch", + "8639": "moped", + "8640": "mop_handle", + "8641": "moquette", + "8642": "morgue, mortuary, dead_room", + "8643": "morion, cabasset", + "8644": "morning_dress", + "8645": "morning_dress", + "8646": "morning_room", + "8647": "Morris_chair", + "8648": "mortar, howitzer, trench_mortar", + "8649": "mortar", + "8650": "mortarboard", + "8651": "mortise_joint, mortise-and-tenon_joint", + "8652": "mosaic", + "8653": "mosque", + "8654": "mosquito_net", + "8655": "motel", + "8656": "motel_room", + "8657": "Mother_Hubbard, muumuu", + "8658": "motion-picture_camera, movie_camera, cine-camera", + "8659": "motion-picture_film, movie_film, cine-film", + "8660": "motley", + "8661": "motley", + "8662": "motor", + "8663": "motorboat, powerboat", + "8664": "motorcycle, bike", + "8665": "motor_hotel, motor_inn, motor_lodge, tourist_court, court", + "8666": "motorized_wheelchair", + "8667": "motor_scooter, scooter", + "8668": "motor_vehicle, automotive_vehicle", + "8669": "mound, hill", + "8670": "mound, hill, pitcher's_mound", + "8671": "mount, setting", + "8672": "mountain_bike, all-terrain_bike, off-roader", + "8673": "mountain_tent", + "8674": "mouse, computer_mouse", + "8675": "mouse_button", + "8676": "mousetrap", + "8677": "mousse, hair_mousse, hair_gel", + "8678": "mouthpiece, embouchure", + "8679": "mouthpiece", + "8680": "mouthpiece, gumshield", + "8681": "movement", + "8682": "movie_projector, cine_projector, film_projector", + "8683": "moving-coil_galvanometer", + "8684": "moving_van", + "8685": "mud_brick", + "8686": "mudguard, splash_guard, splash-guard", + "8687": "mudhif", + "8688": "muff", + "8689": "muffle", + "8690": "muffler", + "8691": "mufti", + "8692": "mug", + "8693": "mulch", + "8694": "mule, scuff", + "8695": "multichannel_recorder", + "8696": "multiengine_airplane, multiengine_plane", + "8697": "multiplex", + "8698": "multiplexer", + "8699": "multiprocessor", + "8700": "multistage_rocket, step_rocket", + "8701": "munition, ordnance, ordnance_store", + "8702": "Murphy_bed", + "8703": "musette, shepherd's_pipe", + "8704": "musette_pipe", + "8705": "museum", + "8706": "mushroom_anchor", + "8707": "musical_instrument, instrument", + "8708": "music_box, musical_box", + "8709": "music_hall, vaudeville_theater, vaudeville_theatre", + "8710": "music_school", + "8711": "music_stand, music_rack", + "8712": "music_stool, piano_stool", + "8713": "musket", + "8714": "musket_ball, ball", + "8715": "muslin", + "8716": "mustache_cup, moustache_cup", + "8717": "mustard_plaster, sinapism", + "8718": "mute", + "8719": "muzzle_loader", + "8720": "muzzle", + "8721": "myelogram", + "8722": "nacelle", + "8723": "nail", + "8724": "nailbrush", + "8725": "nailfile", + "8726": "nailhead", + "8727": "nailhead", + "8728": "nail_polish, nail_enamel, nail_varnish", + "8729": "nainsook", + "8730": "Napier's_bones, Napier's_rods", + "8731": "nard, spikenard", + "8732": "narrowbody_aircraft, narrow-body_aircraft, narrow-body", + "8733": "narrow_wale", + "8734": "narthex", + "8735": "narthex", + "8736": "nasotracheal_tube", + "8737": "national_monument", + "8738": "nautilus, nuclear_submarine, nuclear-powered_submarine", + "8739": "navigational_system", + "8740": "naval_equipment", + "8741": "naval_gun", + "8742": "naval_missile", + "8743": "naval_radar", + "8744": "naval_tactical_data_system", + "8745": "naval_weaponry", + "8746": "nave", + "8747": "navigational_instrument", + "8748": "nebuchadnezzar", + "8749": "neckband", + "8750": "neck_brace", + "8751": "neckcloth, stock", + "8752": "neckerchief", + "8753": "necklace", + "8754": "necklet", + "8755": "neckline", + "8756": "neckpiece", + "8757": "necktie, tie", + "8758": "neckwear", + "8759": "needle", + "8760": "needle", + "8761": "needlenose_pliers", + "8762": "needlework, needlecraft", + "8763": "negative", + "8764": "negative_magnetic_pole, negative_pole, south-seeking_pole", + "8765": "negative_pole", + "8766": "negligee, neglige, peignoir, wrapper, housecoat", + "8767": "neolith", + "8768": "neon_lamp, neon_induction_lamp, neon_tube", + "8769": "nephoscope", + "8770": "nest", + "8771": "nest_egg", + "8772": "net, network, mesh, meshing, meshwork", + "8773": "net", + "8774": "net", + "8775": "net", + "8776": "network, electronic_network", + "8777": "network", + "8778": "neutron_bomb", + "8779": "newel", + "8780": "newel_post, newel", + "8781": "newspaper, paper", + "8782": "newsroom", + "8783": "newsroom", + "8784": "newsstand", + "8785": "Newtonian_telescope, Newtonian_reflector", + "8786": "nib, pen_nib", + "8787": "niblick, nine_iron", + "8788": "nicad, nickel-cadmium_accumulator", + "8789": "nickel-iron_battery, nickel-iron_accumulator", + "8790": "Nicol_prism", + "8791": "night_bell", + "8792": "nightcap", + "8793": "nightgown, gown, nightie, night-robe, nightdress", + "8794": "night_latch", + "8795": "night-light", + "8796": "nightshirt", + "8797": "nightwear, sleepwear, nightclothes", + "8798": "ninepin, skittle, skittle_pin", + "8799": "ninepin_ball, skittle_ball", + "8800": "ninon", + "8801": "nipple", + "8802": "nipple_shield", + "8803": "niqab", + "8804": "Nissen_hut, Quonset_hut", + "8805": "nogging", + "8806": "noisemaker", + "8807": "nonsmoker, nonsmoking_car", + "8808": "non-volatile_storage, nonvolatile_storage", + "8809": "Norfolk_jacket", + "8810": "noria", + "8811": "nosebag, feedbag", + "8812": "noseband, nosepiece", + "8813": "nose_flute", + "8814": "nosewheel", + "8815": "notebook, notebook_computer", + "8816": "nuclear-powered_ship", + "8817": "nuclear_reactor, reactor", + "8818": "nuclear_rocket", + "8819": "nuclear_weapon, atomic_weapon", + "8820": "nude, nude_painting", + "8821": "numdah, numdah_rug, nammad", + "8822": "nun's_habit", + "8823": "nursery, baby's_room", + "8824": "nut_and_bolt", + "8825": "nutcracker", + "8826": "nylon", + "8827": "nylons, nylon_stocking, rayons, rayon_stocking, silk_stocking", + "8828": "oar", + "8829": "oast", + "8830": "oast_house", + "8831": "obelisk", + "8832": "object_ball", + "8833": "objective, objective_lens, object_lens, object_glass", + "8834": "oblique_bandage", + "8835": "oboe, hautboy, hautbois", + "8836": "oboe_da_caccia", + "8837": "oboe_d'amore", + "8838": "observation_dome", + "8839": "observatory", + "8840": "obstacle", + "8841": "obturator", + "8842": "ocarina, sweet_potato", + "8843": "octant", + "8844": "odd-leg_caliper", + "8845": "odometer, hodometer, mileometer, milometer", + "8846": "oeil_de_boeuf", + "8847": "office, business_office", + "8848": "office_building, office_block", + "8849": "office_furniture", + "8850": "officer's_mess", + "8851": "off-line_equipment, auxiliary_equipment", + "8852": "ogee, cyma_reversa", + "8853": "ogee_arch, keel_arch", + "8854": "ohmmeter", + "8855": "oil, oil_color, oil_colour", + "8856": "oilcan", + "8857": "oilcloth", + "8858": "oil_filter", + "8859": "oil_heater, oilstove, kerosene_heater, kerosine_heater", + "8860": "oil_lamp, kerosene_lamp, kerosine_lamp", + "8861": "oil_paint", + "8862": "oil_pump", + "8863": "oil_refinery, petroleum_refinery", + "8864": "oilskin, slicker", + "8865": "oil_slick", + "8866": "oilstone", + "8867": "oil_tanker, oiler, tanker, tank_ship", + "8868": "old_school_tie", + "8869": "olive_drab", + "8870": "olive_drab, olive-drab_uniform", + "8871": "Olympian_Zeus", + "8872": "omelet_pan, omelette_pan", + "8873": "omnidirectional_antenna, nondirectional_antenna", + "8874": "omnirange, omnidirectional_range, omnidirectional_radio_range", + "8875": "onion_dome", + "8876": "open-air_market, open-air_marketplace, market_square", + "8877": "open_circuit", + "8878": "open-end_wrench, tappet_wrench", + "8879": "opener", + "8880": "open-hearth_furnace", + "8881": "openside_plane, rabbet_plane", + "8882": "open_sight", + "8883": "openwork", + "8884": "opera, opera_house", + "8885": "opera_cloak, opera_hood", + "8886": "operating_microscope", + "8887": "operating_room, OR, operating_theater, operating_theatre, surgery", + "8888": "operating_table", + "8889": "ophthalmoscope", + "8890": "optical_device", + "8891": "optical_disk, optical_disc", + "8892": "optical_instrument", + "8893": "optical_pyrometer, pyroscope", + "8894": "optical_telescope", + "8895": "orchestra_pit, pit", + "8896": "ordinary, ordinary_bicycle", + "8897": "organ, pipe_organ", + "8898": "organdy, organdie", + "8899": "organic_light-emitting_diode, OLED", + "8900": "organ_loft", + "8901": "organ_pipe, pipe, pipework", + "8902": "organza", + "8903": "oriel, oriel_window", + "8904": "oriflamme", + "8905": "O_ring", + "8906": "Orlon", + "8907": "orlop_deck, orlop, fourth_deck", + "8908": "orphanage, orphans'_asylum", + "8909": "orphrey", + "8910": "orrery", + "8911": "orthicon, image_orthicon", + "8912": "orthochromatic_film", + "8913": "orthopter, ornithopter", + "8914": "orthoscope", + "8915": "oscillograph", + "8916": "oscilloscope, scope, cathode-ray_oscilloscope, CRO", + "8917": "ossuary", + "8918": "otoscope, auriscope, auroscope", + "8919": "ottoman, pouf, pouffe, puff, hassock", + "8920": "oubliette", + "8921": "out-basket, out-tray", + "8922": "outboard_motor, outboard", + "8923": "outboard_motorboat, outboard", + "8924": "outbuilding", + "8925": "outerwear, overclothes", + "8926": "outfall", + "8927": "outfit, getup, rig, turnout", + "8928": "outfitter", + "8929": "outhouse, privy, earth-closet, jakes", + "8930": "output_device", + "8931": "outrigger", + "8932": "outrigger_canoe", + "8933": "outside_caliper", + "8934": "outside_mirror", + "8935": "outwork", + "8936": "oven", + "8937": "oven_thermometer", + "8938": "overall", + "8939": "overall, boilersuit, boilers_suit", + "8940": "overcoat, overcoating", + "8941": "overdrive", + "8942": "overgarment, outer_garment", + "8943": "overhand_knot", + "8944": "overhang", + "8945": "overhead_projector", + "8946": "overmantel", + "8947": "overnighter, overnight_bag, overnight_case", + "8948": "overpass, flyover", + "8949": "override", + "8950": "overshoe", + "8951": "overskirt", + "8952": "oxbow", + "8953": "Oxbridge", + "8954": "oxcart", + "8955": "oxeye", + "8956": "oxford", + "8957": "oximeter", + "8958": "oxyacetylene_torch", + "8959": "oxygen_mask", + "8960": "oyster_bar", + "8961": "oyster_bed, oyster_bank, oyster_park", + "8962": "pace_car", + "8963": "pacemaker, artificial_pacemaker", + "8964": "pack", + "8965": "pack", + "8966": "pack, face_pack", + "8967": "package, parcel", + "8968": "package_store, liquor_store, off-licence", + "8969": "packaging", + "8970": "packet", + "8971": "packing_box, packing_case", + "8972": "packinghouse, packing_plant", + "8973": "packinghouse", + "8974": "packing_needle", + "8975": "packsaddle", + "8976": "paddle, boat_paddle", + "8977": "paddle", + "8978": "paddle", + "8979": "paddle_box, paddle-box", + "8980": "paddle_steamer, paddle-wheeler", + "8981": "paddlewheel, paddle_wheel", + "8982": "paddock", + "8983": "padlock", + "8984": "page_printer, page-at-a-time_printer", + "8985": "paint, pigment", + "8986": "paintball", + "8987": "paintball_gun", + "8988": "paintbox", + "8989": "paintbrush", + "8990": "paisley", + "8991": "pajama, pyjama, pj's, jammies", + "8992": "pajama, pyjama", + "8993": "palace", + "8994": "palace, castle", + "8995": "palace", + "8996": "palanquin, palankeen", + "8997": "paleolith", + "8998": "palestra, palaestra", + "8999": "palette, pallet", + "9000": "palette_knife", + "9001": "palisade", + "9002": "pallet", + "9003": "pallette, palette", + "9004": "pallium", + "9005": "pallium", + "9006": "pan", + "9007": "pan, cooking_pan", + "9008": "pancake_turner", + "9009": "panchromatic_film", + "9010": "panda_car", + "9011": "paneling, panelling, pane", + "9012": "panhandle", + "9013": "panic_button", + "9014": "pannier", + "9015": "pannier", + "9016": "pannikin", + "9017": "panopticon", + "9018": "panopticon", + "9019": "panpipe, pandean_pipe, syrinx", + "9020": "pantaloon", + "9021": "pantechnicon", + "9022": "pantheon", + "9023": "pantheon", + "9024": "pantie, panty, scanty, step-in", + "9025": "panting, trousering", + "9026": "pant_leg, trouser_leg", + "9027": "pantograph", + "9028": "pantry, larder, buttery", + "9029": "pants_suit, pantsuit", + "9030": "panty_girdle", + "9031": "pantyhose", + "9032": "panzer", + "9033": "paper_chain", + "9034": "paper_clip, paperclip, gem_clip", + "9035": "paper_cutter", + "9036": "paper_fastener", + "9037": "paper_feed", + "9038": "paper_mill", + "9039": "paper_towel", + "9040": "parabolic_mirror", + "9041": "parabolic_reflector, paraboloid_reflector", + "9042": "parachute, chute", + "9043": "parallel_bars, bars", + "9044": "parallel_circuit, shunt_circuit", + "9045": "parallel_interface, parallel_port", + "9046": "parang", + "9047": "parapet, breastwork", + "9048": "parapet", + "9049": "parasail", + "9050": "parasol, sunshade", + "9051": "parer, paring_knife", + "9052": "parfait_glass", + "9053": "pargeting, pargetting, pargetry", + "9054": "pari-mutuel_machine, totalizer, totaliser, totalizator, totalisator", + "9055": "parka, windbreaker, windcheater, anorak", + "9056": "park_bench", + "9057": "parking_meter", + "9058": "parlor, parlour", + "9059": "parquet, parquet_floor", + "9060": "parquetry, parqueterie", + "9061": "parsonage, vicarage, rectory", + "9062": "Parsons_table", + "9063": "partial_denture", + "9064": "particle_detector", + "9065": "partition, divider", + "9066": "parts_bin", + "9067": "party_line", + "9068": "party_wall", + "9069": "parvis", + "9070": "passenger_car, coach, carriage", + "9071": "passenger_ship", + "9072": "passenger_train", + "9073": "passenger_van", + "9074": "passe-partout", + "9075": "passive_matrix_display", + "9076": "passkey, passe-partout, master_key, master", + "9077": "pass-through", + "9078": "pastry_cart", + "9079": "patch", + "9080": "patchcord", + "9081": "patchouli, patchouly, pachouli", + "9082": "patch_pocket", + "9083": "patchwork, patchwork_quilt", + "9084": "patent_log, screw_log, taffrail_log", + "9085": "paternoster", + "9086": "patina", + "9087": "patio, terrace", + "9088": "patisserie", + "9089": "patka", + "9090": "patrol_boat, patrol_ship", + "9091": "patty-pan", + "9092": "pave", + "9093": "pavilion, marquee", + "9094": "pavior, paviour, paving_machine", + "9095": "pavis, pavise", + "9096": "pawn", + "9097": "pawnbroker's_shop, pawnshop, loan_office", + "9098": "pay-phone, pay-station", + "9099": "PC_board", + "9100": "peach_orchard", + "9101": "pea_jacket, peacoat", + "9102": "peavey, peavy, cant_dog, dog_hook", + "9103": "pectoral, pectoral_medallion", + "9104": "pedal, treadle, foot_pedal, foot_lever", + "9105": "pedal_pusher, toreador_pants", + "9106": "pedestal, plinth, footstall", + "9107": "pedestal_table", + "9108": "pedestrian_crossing, zebra_crossing", + "9109": "pedicab, cycle_rickshaw", + "9110": "pediment", + "9111": "pedometer", + "9112": "peeler", + "9113": "peep_sight", + "9114": "peg, nog", + "9115": "peg, pin, thole, tholepin, rowlock, oarlock", + "9116": "peg", + "9117": "peg, wooden_leg, leg, pegleg", + "9118": "pegboard", + "9119": "Pelham", + "9120": "pelican_crossing", + "9121": "pelisse", + "9122": "pelvimeter", + "9123": "pen", + "9124": "penal_colony", + "9125": "penal_institution, penal_facility", + "9126": "penalty_box", + "9127": "pen-and-ink", + "9128": "pencil", + "9129": "pencil", + "9130": "pencil_box, pencil_case", + "9131": "pencil_sharpener", + "9132": "pendant_earring, drop_earring, eardrop", + "9133": "pendulum", + "9134": "pendulum_clock", + "9135": "pendulum_watch", + "9136": "penetration_bomb", + "9137": "penile_implant", + "9138": "penitentiary, pen", + "9139": "penknife", + "9140": "penlight", + "9141": "pennant, pennon, streamer, waft", + "9142": "pennywhistle, tin_whistle, whistle", + "9143": "penthouse", + "9144": "pentode", + "9145": "peplos, peplus, peplum", + "9146": "peplum", + "9147": "pepper_mill, pepper_grinder", + "9148": "pepper_shaker, pepper_box, pepper_pot", + "9149": "pepper_spray", + "9150": "percale", + "9151": "percolator", + "9152": "percussion_cap", + "9153": "percussion_instrument, percussive_instrument", + "9154": "perforation", + "9155": "perfume, essence", + "9156": "perfumery", + "9157": "perfumery", + "9158": "perfumery", + "9159": "peripheral, computer_peripheral, peripheral_device", + "9160": "periscope", + "9161": "peristyle", + "9162": "periwig, peruke", + "9163": "permanent_press, durable_press", + "9164": "perpetual_motion_machine", + "9165": "personal_computer, PC, microcomputer", + "9166": "personal_digital_assistant, PDA, personal_organizer, personal_organiser, organizer, organiser", + "9167": "personnel_carrier", + "9168": "pestle", + "9169": "pestle, muller, pounder", + "9170": "petcock", + "9171": "Petri_dish", + "9172": "petrolatum_gauze", + "9173": "pet_shop", + "9174": "petticoat, half-slip, underskirt", + "9175": "pew, church_bench", + "9176": "phial, vial, ampule, ampul, ampoule", + "9177": "Phillips_screw", + "9178": "Phillips_screwdriver", + "9179": "phonograph_needle, needle", + "9180": "phonograph_record, phonograph_recording, record, disk, disc, platter", + "9181": "photocathode", + "9182": "photocoagulator", + "9183": "photocopier", + "9184": "photographic_equipment", + "9185": "photographic_paper, photographic_material", + "9186": "photometer", + "9187": "photomicrograph", + "9188": "Photostat, Photostat_machine", + "9189": "photostat", + "9190": "physical_pendulum, compound_pendulum", + "9191": "piano, pianoforte, forte-piano", + "9192": "piano_action", + "9193": "piano_keyboard, fingerboard, clavier", + "9194": "piano_wire", + "9195": "piccolo", + "9196": "pick, pickax, pickaxe", + "9197": "pick", + "9198": "pick, plectrum, plectron", + "9199": "pickelhaube", + "9200": "picket_boat", + "9201": "picket_fence, paling", + "9202": "picket_ship", + "9203": "pickle_barrel", + "9204": "pickup, pickup_truck", + "9206": "picture_frame", + "9207": "picture_hat", + "9208": "picture_rail", + "9209": "picture_window", + "9210": "piece_of_cloth, piece_of_material", + "9211": "pied-a-terre", + "9212": "pier", + "9213": "pier", + "9214": "pier_arch", + "9215": "pier_glass, pier_mirror", + "9216": "pier_table", + "9217": "pieta", + "9218": "piezometer", + "9219": "pig_bed, pig", + "9220": "piggery, pig_farm", + "9221": "piggy_bank, penny_bank", + "9222": "pilaster", + "9223": "pile, spile, piling, stilt", + "9224": "pile_driver", + "9225": "pill_bottle", + "9226": "pillbox, toque, turban", + "9227": "pillion", + "9228": "pillory", + "9229": "pillow", + "9230": "pillow_block", + "9231": "pillow_lace, bobbin_lace", + "9232": "pillow_sham", + "9233": "pilot_bit", + "9234": "pilot_boat", + "9235": "pilot_burner, pilot_light, pilot", + "9236": "pilot_cloth", + "9237": "pilot_engine", + "9238": "pilothouse, wheelhouse", + "9239": "pilot_light, pilot_lamp, indicator_lamp", + "9240": "pin", + "9241": "pin, flag", + "9242": "pin, pin_tumbler", + "9243": "pinata", + "9244": "pinball_machine, pin_table", + "9245": "pince-nez", + "9246": "pincer, pair_of_pincers, tweezer, pair_of_tweezers", + "9247": "pinch_bar", + "9248": "pincurl_clip", + "9249": "pinfold", + "9250": "ping-pong_ball", + "9251": "pinhead", + "9252": "pinion", + "9253": "pinnacle", + "9254": "pinprick", + "9255": "pinstripe", + "9256": "pinstripe", + "9257": "pinstripe", + "9258": "pintle", + "9259": "pinwheel, pinwheel_wind_collector", + "9260": "pinwheel", + "9261": "tabor_pipe", + "9262": "pipe", + "9263": "pipe_bomb", + "9264": "pipe_cleaner", + "9265": "pipe_cutter", + "9266": "pipefitting, pipe_fitting", + "9267": "pipet, pipette", + "9268": "pipe_vise, pipe_clamp", + "9269": "pipe_wrench, tube_wrench", + "9270": "pique", + "9271": "pirate, pirate_ship", + "9272": "piste", + "9273": "pistol, handgun, side_arm, shooting_iron", + "9274": "pistol_grip", + "9275": "piston, plunger", + "9276": "piston_ring", + "9277": "piston_rod", + "9278": "pit", + "9279": "pitcher, ewer", + "9280": "pitchfork", + "9281": "pitching_wedge", + "9282": "pitch_pipe", + "9283": "pith_hat, pith_helmet, sun_helmet, topee, topi", + "9284": "piton", + "9285": "Pitot-static_tube, Pitot_head, Pitot_tube", + "9286": "Pitot_tube, Pitot", + "9287": "pitsaw", + "9288": "pivot, pin", + "9289": "pivoting_window", + "9290": "pizzeria, pizza_shop, pizza_parlor", + "9291": "place_of_business, business_establishment", + "9292": "place_of_worship, house_of_prayer, house_of_God, house_of_worship", + "9293": "placket", + "9294": "planchet, coin_blank", + "9295": "plane, carpenter's_plane, woodworking_plane", + "9296": "plane, planer, planing_machine", + "9297": "plane_seat", + "9298": "planetarium", + "9299": "planetarium", + "9300": "planetarium", + "9301": "planetary_gear, epicyclic_gear, planet_wheel, planet_gear", + "9302": "plank-bed", + "9303": "planking", + "9304": "planner", + "9305": "plant, works, industrial_plant", + "9306": "planter", + "9307": "plaster, adhesive_plaster, sticking_plaster", + "9308": "plasterboard, gypsum_board", + "9309": "plastering_trowel", + "9310": "plastic_bag", + "9311": "plastic_bomb", + "9312": "plastic_laminate", + "9313": "plastic_wrap", + "9314": "plastron", + "9315": "plastron", + "9316": "plastron", + "9317": "plate, scale, shell", + "9318": "plate, collection_plate", + "9319": "plate", + "9320": "platen", + "9321": "platen", + "9322": "plate_rack", + "9323": "plate_rail", + "9324": "platform", + "9325": "platform, weapons_platform", + "9326": "platform", + "9327": "platform_bed", + "9328": "platform_rocker", + "9329": "plating, metal_plating", + "9330": "platter", + "9331": "playback", + "9332": "playbox, play-box", + "9333": "playground", + "9334": "playpen, pen", + "9335": "playsuit", + "9336": "plaza, mall, center, shopping_mall, shopping_center, shopping_centre", + "9337": "pleat, plait", + "9338": "plenum", + "9339": "plethysmograph", + "9340": "pleximeter, plessimeter", + "9341": "plexor, plessor, percussor", + "9342": "pliers, pair_of_pliers, plyers", + "9343": "plimsoll", + "9344": "plotter", + "9345": "plow, plough", + "9346": "plug, stopper, stopple", + "9347": "plug, male_plug", + "9348": "plug_fuse", + "9349": "plughole", + "9350": "plumb_bob, plumb, plummet", + "9351": "plumb_level", + "9352": "plunger, plumber's_helper", + "9353": "plus_fours", + "9354": "plush", + "9355": "plywood, plyboard", + "9356": "pneumatic_drill", + "9357": "p-n_junction", + "9358": "p-n-p_transistor", + "9359": "poacher", + "9360": "pocket", + "9361": "pocket_battleship", + "9362": "pocketcomb, pocket_comb", + "9363": "pocket_flap", + "9364": "pocket-handkerchief", + "9365": "pocketknife, pocket_knife", + "9366": "pocket_watch", + "9367": "pod, fuel_pod", + "9368": "pogo_stick", + "9369": "point-and-shoot_camera", + "9370": "pointed_arch", + "9371": "pointing_trowel", + "9372": "point_lace, needlepoint", + "9373": "poker, stove_poker, fire_hook, salamander", + "9374": "polarimeter, polariscope", + "9375": "Polaroid", + "9376": "Polaroid_camera, Polaroid_Land_camera", + "9377": "pole", + "9378": "pole", + "9379": "poleax, poleaxe", + "9380": "poleax, poleaxe", + "9381": "police_boat", + "9382": "police_van, police_wagon, paddy_wagon, patrol_wagon, wagon, black_Maria", + "9383": "polling_booth", + "9384": "polo_ball", + "9385": "polo_mallet, polo_stick", + "9386": "polonaise", + "9387": "polo_shirt, sport_shirt", + "9388": "polyester", + "9389": "polygraph", + "9390": "pomade, pomatum", + "9391": "pommel_horse, side_horse", + "9392": "poncho", + "9393": "pongee", + "9394": "poniard, bodkin", + "9395": "pontifical", + "9396": "pontoon", + "9397": "pontoon_bridge, bateau_bridge, floating_bridge", + "9398": "pony_cart, ponycart, donkey_cart, tub-cart", + "9399": "pool_ball", + "9400": "poolroom", + "9401": "pool_table, billiard_table, snooker_table", + "9402": "poop_deck", + "9403": "poor_box, alms_box, mite_box", + "9404": "poorhouse", + "9405": "pop_bottle, soda_bottle", + "9406": "popgun", + "9407": "poplin", + "9408": "popper", + "9409": "poppet, poppet_valve", + "9410": "pop_tent", + "9411": "porcelain", + "9412": "porch", + "9413": "porkpie, porkpie_hat", + "9414": "porringer", + "9415": "portable", + "9416": "portable_computer", + "9417": "portable_circular_saw, portable_saw", + "9418": "portcullis", + "9419": "porte-cochere", + "9420": "porte-cochere", + "9421": "portfolio", + "9422": "porthole", + "9423": "portico", + "9424": "portiere", + "9425": "portmanteau, Gladstone, Gladstone_bag", + "9426": "portrait_camera", + "9427": "portrait_lens", + "9428": "positive_pole, positive_magnetic_pole, north-seeking_pole", + "9429": "positive_pole", + "9430": "positron_emission_tomography_scanner, PET_scanner", + "9431": "post", + "9432": "postage_meter", + "9433": "post_and_lintel", + "9434": "post_chaise", + "9435": "postern", + "9436": "post_exchange, PX", + "9437": "posthole_digger, post-hole_digger", + "9438": "post_horn", + "9439": "posthouse, post_house", + "9440": "pot", + "9441": "pot, flowerpot", + "9442": "potbelly, potbelly_stove", + "9443": "Potemkin_village", + "9444": "potential_divider, voltage_divider", + "9445": "potentiometer, pot", + "9446": "potentiometer", + "9447": "potpourri", + "9448": "potsherd", + "9449": "potter's_wheel", + "9450": "pottery, clayware", + "9451": "pottle", + "9452": "potty_seat, potty_chair", + "9453": "pouch", + "9454": "poultice, cataplasm, plaster", + "9455": "pound, dog_pound", + "9456": "pound_net", + "9457": "powder", + "9458": "powder_and_shot", + "9459": "powdered_mustard, dry_mustard", + "9460": "powder_horn, powder_flask", + "9461": "powder_keg", + "9462": "power_brake", + "9463": "power_cord", + "9464": "power_drill", + "9465": "power_line, power_cable", + "9466": "power_loom", + "9467": "power_mower, motor_mower", + "9468": "power_pack", + "9469": "power_saw, saw, sawing_machine", + "9470": "power_shovel, excavator, digger, shovel", + "9471": "power_steering, power-assisted_steering", + "9472": "power_takeoff, PTO", + "9473": "power_tool", + "9474": "praetorium, pretorium", + "9475": "prayer_rug, prayer_mat", + "9476": "prayer_shawl, tallith, tallis", + "9477": "precipitator, electrostatic_precipitator, Cottrell_precipitator", + "9478": "prefab", + "9479": "presbytery", + "9480": "presence_chamber", + "9481": "press, mechanical_press", + "9482": "press, printing_press", + "9483": "press", + "9484": "press_box", + "9485": "press_gallery", + "9486": "press_of_sail, press_of_canvas", + "9487": "pressure_cabin", + "9488": "pressure_cooker", + "9489": "pressure_dome", + "9490": "pressure_gauge, pressure_gage", + "9491": "pressurized_water_reactor, PWR", + "9492": "pressure_suit", + "9493": "pricket", + "9494": "prie-dieu", + "9495": "primary_coil, primary_winding, primary", + "9496": "Primus_stove, Primus", + "9497": "Prince_Albert", + "9498": "print", + "9499": "print_buffer", + "9500": "printed_circuit", + "9501": "printer, printing_machine", + "9502": "printer", + "9503": "printer_cable", + "9504": "priory", + "9505": "prison, prison_house", + "9506": "prison_camp, internment_camp, prisoner_of_war_camp, POW_camp", + "9507": "privateer", + "9508": "private_line", + "9509": "privet_hedge", + "9510": "probe", + "9511": "proctoscope", + "9512": "prod, goad", + "9513": "production_line, assembly_line, line", + "9514": "projectile, missile", + "9515": "projector", + "9516": "projector", + "9517": "prolonge", + "9518": "prolonge_knot, sailor's_breastplate", + "9519": "prompter, autocue", + "9520": "prong", + "9521": "propeller, propellor", + "9522": "propeller_plane", + "9523": "propjet, turboprop, turbo-propeller_plane", + "9524": "proportional_counter_tube, proportional_counter", + "9525": "propulsion_system", + "9526": "proscenium, proscenium_wall", + "9527": "proscenium_arch", + "9528": "prosthesis, prosthetic_device", + "9529": "protective_covering, protective_cover, protection", + "9530": "protective_garment", + "9531": "proton_accelerator", + "9532": "protractor", + "9533": "pruner, pruning_hook, lopper", + "9534": "pruning_knife", + "9535": "pruning_saw", + "9536": "pruning_shears", + "9537": "psaltery", + "9538": "psychrometer", + "9539": "PT_boat, mosquito_boat, mosquito_craft, motor_torpedo_boat", + "9540": "public_address_system, P.A._system, PA_system, P.A., PA", + "9541": "public_house, pub, saloon, pothouse, gin_mill, taphouse", + "9542": "public_toilet, comfort_station, public_convenience, convenience, public_lavatory, restroom, toilet_facility, wash_room", + "9543": "public_transport", + "9544": "public_works", + "9545": "puck, hockey_puck", + "9546": "pull", + "9547": "pullback, tieback", + "9548": "pull_chain", + "9549": "pulley, pulley-block, pulley_block, block", + "9550": "pull-off, rest_area, rest_stop, layby, lay-by", + "9551": "Pullman, Pullman_car", + "9552": "pullover, slipover", + "9553": "pull-through", + "9554": "pulse_counter", + "9555": "pulse_generator", + "9556": "pulse_timing_circuit", + "9557": "pump", + "9558": "pump", + "9559": "pump_action, slide_action", + "9560": "pump_house, pumping_station", + "9561": "pump_room", + "9562": "pump-type_pliers", + "9563": "pump_well", + "9564": "punch, puncher", + "9565": "punchboard", + "9566": "punch_bowl", + "9567": "punching_bag, punch_bag, punching_ball, punchball", + "9568": "punch_pliers", + "9569": "punch_press", + "9570": "punnet", + "9571": "punt", + "9572": "pup_tent, shelter_tent", + "9573": "purdah", + "9574": "purifier", + "9575": "purl, purl_stitch", + "9576": "purse", + "9577": "push-bike", + "9578": "push_broom", + "9579": "push_button, push, button", + "9580": "push-button_radio", + "9581": "pusher, zori", + "9582": "put-put", + "9583": "puttee", + "9584": "putter, putting_iron", + "9585": "putty_knife", + "9586": "puzzle", + "9587": "pylon, power_pylon", + "9588": "pylon", + "9589": "pyramidal_tent", + "9590": "pyrograph", + "9591": "pyrometer", + "9592": "pyrometric_cone", + "9593": "pyrostat", + "9594": "pyx, pix", + "9595": "pyx, pix, pyx_chest, pix_chest", + "9596": "pyxis", + "9597": "quad, quadrangle", + "9598": "quadrant", + "9599": "quadraphony, quadraphonic_system, quadriphonic_system", + "9600": "quartering", + "9601": "quarterstaff", + "9602": "quartz_battery, quartz_mill", + "9603": "quartz_lamp", + "9604": "queen", + "9605": "queen", + "9606": "queen_post", + "9607": "quern", + "9608": "quill, quill_pen", + "9609": "quilt, comforter, comfort, puff", + "9610": "quilted_bedspread", + "9611": "quilting", + "9612": "quipu", + "9613": "quirk_molding, quirk_moulding", + "9614": "quirt", + "9615": "quiver", + "9616": "quoin, coign, coigne", + "9617": "quoit", + "9618": "QWERTY_keyboard", + "9619": "rabbet, rebate", + "9620": "rabbet_joint", + "9621": "rabbit_ears", + "9622": "rabbit_hutch", + "9623": "raceabout", + "9624": "racer, race_car, racing_car", + "9625": "raceway, race", + "9626": "racing_boat", + "9627": "racing_gig", + "9628": "racing_skiff, single_shell", + "9629": "rack, stand", + "9630": "rack", + "9631": "rack, wheel", + "9632": "rack_and_pinion", + "9633": "racket, racquet", + "9634": "racquetball", + "9635": "radar, microwave_radar, radio_detection_and_ranging, radiolocation", + "9636": "radial, radial_tire, radial-ply_tire", + "9637": "radial_engine, rotary_engine", + "9638": "radiation_pyrometer", + "9639": "radiator", + "9640": "radiator", + "9641": "radiator_cap", + "9642": "radiator_hose", + "9643": "radio, wireless", + "9644": "radio_antenna, radio_aerial", + "9645": "radio_chassis", + "9646": "radio_compass", + "9647": "radiogram, radiograph, shadowgraph, skiagraph, skiagram", + "9648": "radio_interferometer", + "9649": "radio_link, link", + "9650": "radiometer", + "9651": "radiomicrometer", + "9652": "radio-phonograph, radio-gramophone", + "9653": "radio_receiver, receiving_set, radio_set, radio, tuner, wireless", + "9654": "radiotelegraph, radiotelegraphy, wireless_telegraph, wireless_telegraphy", + "9655": "radiotelephone, radiophone, wireless_telephone", + "9656": "radio_telescope, radio_reflector", + "9657": "radiotherapy_equipment", + "9658": "radio_transmitter", + "9659": "radome, radar_dome", + "9660": "raft", + "9661": "rafter, balk, baulk", + "9662": "raft_foundation", + "9663": "rag, shred, tag, tag_end, tatter", + "9664": "ragbag", + "9665": "raglan", + "9666": "raglan_sleeve", + "9667": "rail", + "9668": "rail_fence", + "9669": "railhead", + "9670": "railing, rail", + "9671": "railing", + "9672": "railroad_bed", + "9673": "railroad_tunnel", + "9674": "rain_barrel", + "9675": "raincoat, waterproof", + "9676": "rain_gauge, rain_gage, pluviometer, udometer", + "9677": "rain_stick", + "9678": "rake", + "9679": "rake_handle", + "9680": "RAM_disk", + "9681": "ramekin, ramequin", + "9682": "ramjet, ramjet_engine, atherodyde, athodyd, flying_drainpipe", + "9683": "rammer", + "9684": "ramp, incline", + "9685": "rampant_arch", + "9686": "rampart, bulwark, wall", + "9687": "ramrod", + "9688": "ramrod", + "9689": "ranch, spread, cattle_ranch, cattle_farm", + "9690": "ranch_house", + "9691": "random-access_memory, random_access_memory, random_memory, RAM, read/write_memory", + "9692": "rangefinder, range_finder", + "9693": "range_hood", + "9694": "range_pole, ranging_pole, flagpole", + "9695": "rapier, tuck", + "9696": "rariora", + "9697": "rasp, wood_file", + "9698": "ratchet, rachet, ratch", + "9699": "ratchet_wheel", + "9700": "rathskeller", + "9701": "ratline, ratlin", + "9702": "rat-tail_file", + "9703": "rattan, ratan", + "9704": "rattrap", + "9705": "rayon", + "9706": "razor", + "9707": "razorblade", + "9708": "reaction-propulsion_engine, reaction_engine", + "9709": "reaction_turbine", + "9710": "reactor", + "9711": "reading_lamp", + "9712": "reading_room", + "9713": "read-only_memory, ROM, read-only_storage, fixed_storage", + "9714": "read-only_memory_chip", + "9715": "readout, read-out", + "9716": "read/write_head, head", + "9717": "ready-to-wear", + "9718": "real_storage", + "9719": "reamer", + "9720": "reamer, juicer, juice_reamer", + "9721": "rearview_mirror", + "9722": "Reaumur_thermometer", + "9723": "rebozo", + "9724": "receiver, receiving_system", + "9725": "receptacle", + "9726": "reception_desk", + "9727": "reception_room", + "9728": "recess, niche", + "9729": "reciprocating_engine", + "9730": "recliner, reclining_chair, lounger", + "9731": "reconnaissance_plane", + "9732": "reconnaissance_vehicle, scout_car", + "9733": "record_changer, auto-changer, changer", + "9734": "recorder, recording_equipment, recording_machine", + "9735": "recording", + "9736": "recording_system", + "9737": "record_player, phonograph", + "9738": "record_sleeve, record_cover", + "9739": "recovery_room", + "9740": "recreational_vehicle, RV, R.V.", + "9741": "recreation_room, rec_room", + "9742": "recycling_bin", + "9743": "recycling_plant", + "9744": "redbrick_university", + "9745": "red_carpet", + "9746": "redoubt", + "9747": "redoubt", + "9748": "reduction_gear", + "9749": "reed_pipe", + "9750": "reed_stop", + "9751": "reef_knot, flat_knot", + "9752": "reel", + "9753": "reel", + "9754": "refectory", + "9755": "refectory_table", + "9756": "refinery", + "9757": "reflecting_telescope, reflector", + "9758": "reflectometer", + "9759": "reflector", + "9760": "reflex_camera", + "9761": "reflux_condenser", + "9762": "reformatory, reform_school, training_school", + "9763": "reformer", + "9764": "refracting_telescope", + "9765": "refractometer", + "9766": "refrigeration_system", + "9767": "refrigerator, icebox", + "9768": "refrigerator_car", + "9769": "refuge, sanctuary, asylum", + "9770": "regalia", + "9771": "regimentals", + "9772": "regulator", + "9773": "rein", + "9774": "relay, electrical_relay", + "9775": "release, button", + "9776": "religious_residence, cloister", + "9777": "reliquary", + "9778": "remote_control, remote", + "9779": "remote_terminal, link-attached_terminal, remote_station, link-attached_station", + "9780": "removable_disk", + "9781": "rendering", + "9782": "rep, repp", + "9783": "repair_shop, fix-it_shop", + "9784": "repeater", + "9785": "repeating_firearm, repeater", + "9786": "repository, monument", + "9787": "reproducer", + "9788": "rerebrace, upper_cannon", + "9789": "rescue_equipment", + "9790": "research_center, research_facility", + "9791": "reseau", + "9792": "reservoir", + "9793": "reset", + "9794": "reset_button", + "9795": "residence", + "9796": "resistance_pyrometer", + "9797": "resistor, resistance", + "9798": "resonator", + "9799": "resonator, cavity_resonator, resonating_chamber", + "9800": "resort_hotel, spa", + "9801": "respirator, inhalator", + "9802": "restaurant, eating_house, eating_place, eatery", + "9803": "rest_house", + "9804": "restraint, constraint", + "9805": "resuscitator", + "9806": "retainer", + "9807": "retaining_wall", + "9808": "reticle, reticule, graticule", + "9809": "reticulation", + "9810": "reticule", + "9811": "retort", + "9812": "retractor", + "9813": "return_key, return", + "9814": "reverberatory_furnace", + "9815": "revers, revere", + "9816": "reverse, reverse_gear", + "9817": "reversible", + "9818": "revetment, revetement, stone_facing", + "9819": "revetment", + "9820": "revolver, six-gun, six-shooter", + "9821": "revolving_door, revolver", + "9822": "rheometer", + "9823": "rheostat, variable_resistor", + "9824": "rhinoscope", + "9825": "rib", + "9826": "riband, ribband", + "9827": "ribbed_vault", + "9828": "ribbing", + "9829": "ribbon_development", + "9830": "rib_joint_pliers", + "9831": "ricer", + "9832": "riddle", + "9833": "ride", + "9834": "ridge, ridgepole, rooftree", + "9835": "ridge_rope", + "9836": "riding_boot", + "9837": "riding_crop, hunting_crop", + "9838": "riding_mower", + "9839": "rifle", + "9840": "rifle_ball", + "9841": "rifle_grenade", + "9842": "rig", + "9843": "rigger, rigger_brush", + "9844": "rigger", + "9845": "rigging, tackle", + "9846": "rigout", + "9847": "ringlet", + "9848": "rings", + "9849": "rink, skating_rink", + "9850": "riot_gun", + "9851": "ripcord", + "9852": "ripcord", + "9853": "ripping_bar", + "9854": "ripping_chisel", + "9855": "ripsaw, splitsaw", + "9856": "riser", + "9857": "riser, riser_pipe, riser_pipeline, riser_main", + "9858": "Ritz", + "9859": "river_boat", + "9860": "rivet", + "9861": "riveting_machine, riveter, rivetter", + "9862": "roach_clip, roach_holder", + "9863": "road, route", + "9864": "roadbed", + "9865": "roadblock, barricade", + "9866": "roadhouse", + "9867": "roadster, runabout, two-seater", + "9868": "roadway", + "9869": "roaster", + "9870": "robe", + "9871": "robotics_equipment", + "9872": "Rochon_prism, Wollaston_prism", + "9873": "rock_bit, roller_bit", + "9874": "rocker", + "9875": "rocker, cradle", + "9876": "rocker_arm, valve_rocker", + "9877": "rocket, rocket_engine", + "9878": "rocket, projectile", + "9879": "rocking_chair, rocker", + "9880": "rod", + "9881": "rodeo", + "9882": "roll", + "9883": "roller", + "9884": "roller", + "9885": "roller_bandage", + "9886": "in-line_skate", + "9887": "Rollerblade", + "9888": "roller_blind", + "9889": "roller_coaster, big_dipper, chute-the-chute", + "9890": "roller_skate", + "9891": "roller_towel", + "9892": "roll_film", + "9893": "rolling_hitch", + "9894": "rolling_mill", + "9895": "rolling_pin", + "9896": "rolling_stock", + "9897": "roll-on", + "9898": "roll-on", + "9899": "roll-on_roll-off", + "9900": "Rolodex", + "9901": "Roman_arch, semicircular_arch", + "9902": "Roman_building", + "9903": "romper, romper_suit", + "9904": "rood_screen", + "9905": "roof", + "9906": "roof", + "9907": "roofing", + "9908": "room", + "9909": "roomette", + "9910": "room_light", + "9911": "roost", + "9912": "rope", + "9913": "rope_bridge", + "9914": "rope_tow", + "9915": "rose_water", + "9916": "rose_window, rosette", + "9917": "rosin_bag", + "9918": "rotary_actuator, positioner", + "9919": "rotary_engine", + "9920": "rotary_press", + "9921": "rotating_mechanism", + "9922": "rotating_shaft, shaft", + "9923": "rotisserie", + "9924": "rotisserie", + "9925": "rotor", + "9926": "rotor, rotor_coil", + "9927": "rotor", + "9928": "rotor_blade, rotary_wing", + "9929": "rotor_head, rotor_shaft", + "9930": "rotunda", + "9931": "rotunda", + "9932": "rouge, paint, blusher", + "9933": "roughcast", + "9934": "rouleau", + "9935": "roulette, toothed_wheel", + "9936": "roulette_ball", + "9937": "roulette_wheel, wheel", + "9938": "round, unit_of_ammunition, one_shot", + "9939": "round_arch", + "9940": "round-bottom_flask", + "9941": "roundel", + "9942": "round_file", + "9943": "roundhouse", + "9944": "router", + "9945": "router", + "9946": "router_plane", + "9947": "rowel", + "9948": "row_house, town_house", + "9949": "rowing_boat", + "9950": "rowlock_arch", + "9951": "royal", + "9952": "royal_mast", + "9953": "rubber_band, elastic_band, elastic", + "9954": "rubber_boot, gum_boot", + "9955": "rubber_bullet", + "9956": "rubber_eraser, rubber, pencil_eraser", + "9957": "rudder", + "9958": "rudder", + "9959": "rudder_blade", + "9960": "rug, carpet, carpeting", + "9961": "rugby_ball", + "9962": "ruin", + "9963": "rule, ruler", + "9964": "rumble", + "9965": "rumble_seat", + "9966": "rummer", + "9967": "rumpus_room, playroom, game_room", + "9968": "runcible_spoon", + "9969": "rundle, spoke, rung", + "9970": "running_shoe", + "9971": "running_suit", + "9972": "runway", + "9973": "rushlight, rush_candle", + "9974": "russet", + "9975": "rya, rya_rug", + "9976": "saber, sabre", + "9977": "saber_saw, jigsaw, reciprocating_saw", + "9978": "sable", + "9979": "sable, sable_brush, sable's_hair_pencil", + "9980": "sable_coat", + "9981": "sabot, wooden_shoe", + "9982": "sachet", + "9983": "sack, poke, paper_bag, carrier_bag", + "9984": "sack, sacque", + "9985": "sackbut", + "9986": "sackcloth", + "9987": "sackcloth", + "9988": "sack_coat", + "9989": "sacking, bagging", + "9990": "saddle", + "9991": "saddlebag", + "9992": "saddle_blanket, saddlecloth, horse_blanket", + "9993": "saddle_oxford, saddle_shoe", + "9994": "saddlery", + "9995": "saddle_seat", + "9996": "saddle_stitch", + "9997": "safe", + "9998": "safe", + "9999": "safe-deposit, safe-deposit_box, safety-deposit, safety_deposit_box, deposit_box, lockbox", + "10000": "safe_house", + "10001": "safety_arch", + "10002": "safety_belt, life_belt, safety_harness", + "10003": "safety_bicycle, safety_bike", + "10004": "safety_bolt, safety_lock", + "10005": "safety_curtain", + "10006": "safety_fuse", + "10007": "safety_lamp, Davy_lamp", + "10008": "safety_match, book_matches", + "10009": "safety_net", + "10010": "safety_pin", + "10011": "safety_rail, guardrail", + "10012": "safety_razor", + "10013": "safety_valve, relief_valve, escape_valve, escape_cock, escape", + "10014": "sail, canvas, canvass, sheet", + "10015": "sail", + "10016": "sailboat, sailing_boat", + "10017": "sailcloth", + "10018": "sailing_vessel, sailing_ship", + "10019": "sailing_warship", + "10020": "sailor_cap", + "10021": "sailor_suit", + "10022": "salad_bar", + "10023": "salad_bowl", + "10024": "salinometer", + "10025": "sallet, salade", + "10026": "salon", + "10027": "salon", + "10028": "salon, beauty_salon, beauty_parlor, beauty_parlour, beauty_shop", + "10029": "saltbox", + "10030": "saltcellar", + "10031": "saltshaker, salt_shaker", + "10032": "saltworks", + "10033": "salver", + "10034": "salwar, shalwar", + "10035": "Sam_Browne_belt", + "10036": "samisen, shamisen", + "10037": "samite", + "10038": "samovar", + "10039": "sampan", + "10040": "sandal", + "10041": "sandbag", + "10042": "sandblaster", + "10043": "sandbox", + "10044": "sandglass", + "10045": "sand_wedge", + "10046": "sandwich_board", + "10047": "sanitary_napkin, sanitary_towel, Kotex", + "10048": "cling_film, clingfilm, Saran_Wrap", + "10049": "sarcenet, sarsenet", + "10050": "sarcophagus", + "10051": "sari, saree", + "10052": "sarong", + "10053": "sash, window_sash", + "10054": "sash_fastener, sash_lock, window_lock", + "10055": "sash_window", + "10056": "satchel", + "10057": "sateen", + "10058": "satellite, artificial_satellite, orbiter", + "10059": "satellite_receiver", + "10060": "satellite_television, satellite_TV", + "10061": "satellite_transmitter", + "10062": "satin", + "10063": "Saturday_night_special", + "10064": "saucepan", + "10065": "saucepot", + "10066": "sauna, sweat_room", + "10067": "savings_bank, coin_bank, money_box, bank", + "10068": "saw", + "10069": "sawed-off_shotgun", + "10070": "sawhorse, horse, sawbuck, buck", + "10071": "sawmill", + "10072": "saw_set", + "10073": "sax, saxophone", + "10074": "saxhorn", + "10075": "scabbard", + "10076": "scaffolding, staging", + "10077": "scale", + "10078": "scale, weighing_machine", + "10079": "scaler", + "10080": "scaling_ladder", + "10081": "scalpel", + "10082": "scanner, electronic_scanner", + "10083": "scanner", + "10084": "scanner, digital_scanner, image_scanner", + "10085": "scantling, stud", + "10086": "scarf", + "10087": "scarf_joint, scarf", + "10088": "scatter_rug, throw_rug", + "10089": "scauper, scorper", + "10090": "Schmidt_telescope, Schmidt_camera", + "10091": "school, schoolhouse", + "10092": "schoolbag", + "10093": "school_bell", + "10094": "school_bus", + "10095": "school_ship, training_ship", + "10096": "school_system", + "10097": "schooner", + "10098": "schooner", + "10099": "scientific_instrument", + "10100": "scimitar", + "10101": "scintillation_counter", + "10102": "scissors, pair_of_scissors", + "10103": "sclerometer", + "10104": "scoinson_arch, sconcheon_arch", + "10105": "sconce", + "10106": "sconce", + "10107": "scoop", + "10108": "scooter", + "10109": "scoreboard", + "10110": "scouring_pad", + "10111": "scow", + "10112": "scow", + "10113": "scraper", + "10114": "scratcher", + "10115": "screen", + "10116": "screen, cover, covert, concealment", + "10117": "screen", + "10118": "screen, CRT_screen", + "10119": "screen_door, screen", + "10120": "screening", + "10121": "screw", + "10122": "screw, screw_propeller", + "10123": "screw", + "10124": "screwdriver", + "10125": "screw_eye", + "10126": "screw_key", + "10127": "screw_thread, thread", + "10128": "screwtop", + "10129": "screw_wrench", + "10130": "scriber, scribe, scratch_awl", + "10131": "scrim", + "10132": "scrimshaw", + "10133": "scriptorium", + "10134": "scrubber", + "10135": "scrub_brush, scrubbing_brush, scrubber", + "10136": "scrub_plane", + "10137": "scuffer", + "10138": "scuffle, scuffle_hoe, Dutch_hoe", + "10139": "scull", + "10140": "scull", + "10141": "scullery", + "10142": "sculpture", + "10143": "scuttle, coal_scuttle", + "10144": "scyphus", + "10145": "scythe", + "10146": "seabag", + "10147": "sea_boat", + "10148": "sea_chest", + "10149": "sealing_wax, seal", + "10150": "sealskin", + "10151": "seam", + "10152": "seaplane, hydroplane", + "10153": "searchlight", + "10154": "searing_iron", + "10155": "seat", + "10156": "seat", + "10157": "seat", + "10158": "seat_belt, seatbelt", + "10159": "secateurs", + "10160": "secondary_coil, secondary_winding, secondary", + "10161": "second_balcony, family_circle, upper_balcony, peanut_gallery", + "10162": "second_base", + "10163": "second_hand", + "10164": "secretary, writing_table, escritoire, secretaire", + "10165": "sectional", + "10166": "security_blanket", + "10167": "security_system, security_measure, security", + "10168": "security_system", + "10169": "sedan, saloon", + "10170": "sedan, sedan_chair", + "10171": "seeder", + "10172": "seeker", + "10173": "seersucker", + "10174": "segmental_arch", + "10175": "Segway, Segway_Human_Transporter, Segway_HT", + "10176": "seidel", + "10177": "seine", + "10178": "seismograph", + "10179": "selector, selector_switch", + "10180": "selenium_cell", + "10181": "self-propelled_vehicle", + "10182": "self-registering_thermometer", + "10183": "self-starter", + "10184": "selsyn, synchro", + "10185": "selvage, selvedge", + "10186": "semaphore", + "10187": "semiautomatic_firearm", + "10188": "semiautomatic_pistol, semiautomatic", + "10189": "semiconductor_device, semiconductor_unit, semiconductor", + "10190": "semi-detached_house", + "10191": "semigloss", + "10192": "semitrailer, semi", + "10193": "sennit", + "10194": "sensitometer", + "10195": "sentry_box", + "10196": "separate", + "10197": "septic_tank", + "10198": "sequence, episode", + "10199": "sequencer, sequenator", + "10200": "serape, sarape", + "10201": "serge", + "10202": "serger", + "10203": "serial_port", + "10204": "serpent", + "10205": "serration", + "10206": "server", + "10207": "server, host", + "10208": "service_club", + "10209": "serving_cart", + "10210": "serving_dish", + "10211": "servo, servomechanism, servosystem", + "10212": "set", + "10213": "set_gun, spring_gun", + "10214": "setscrew", + "10215": "setscrew", + "10216": "set_square", + "10217": "settee", + "10218": "settle, settee", + "10219": "settlement_house", + "10220": "seventy-eight, 78", + "10221": "Seven_Wonders_of_the_Ancient_World, Seven_Wonders_of_the_World", + "10222": "sewage_disposal_plant, disposal_plant", + "10223": "sewer, sewerage, cloaca", + "10224": "sewing_basket", + "10225": "sewing_kit", + "10226": "sewing_machine", + "10227": "sewing_needle", + "10228": "sewing_room", + "10229": "sextant", + "10230": "sgraffito", + "10231": "shackle, bond, hamper, trammel", + "10232": "shackle", + "10233": "shade", + "10234": "shadow_box", + "10235": "shaft", + "10236": "shag_rug", + "10237": "shaker", + "10238": "shank", + "10239": "shank, stem", + "10240": "shantung", + "10241": "shaper, shaping_machine", + "10242": "shaping_tool", + "10243": "sharkskin", + "10244": "sharpener", + "10245": "Sharpie", + "10246": "shaver, electric_shaver, electric_razor", + "10247": "shaving_brush", + "10248": "shaving_cream, shaving_soap", + "10249": "shaving_foam", + "10250": "shawl", + "10251": "shawm", + "10252": "shears", + "10253": "sheath", + "10254": "sheathing, overlay, overlayer", + "10255": "shed", + "10256": "sheep_bell", + "10257": "sheepshank", + "10258": "sheepskin_coat, afghan", + "10259": "sheepwalk, sheeprun", + "10260": "sheet, bed_sheet", + "10261": "sheet_bend, becket_bend, weaver's_knot, weaver's_hitch", + "10262": "sheeting", + "10263": "sheet_pile, sheath_pile, sheet_piling", + "10264": "Sheetrock", + "10265": "shelf", + "10266": "shelf_bracket", + "10267": "shell", + "10268": "shell, case, casing", + "10269": "shell, racing_shell", + "10270": "shellac, shellac_varnish", + "10271": "shelter", + "10272": "shelter", + "10273": "shelter", + "10274": "sheltered_workshop", + "10275": "Sheraton", + "10276": "shield, buckler", + "10277": "shield", + "10278": "shielding", + "10279": "shift_key, shift", + "10280": "shillelagh, shillalah", + "10281": "shim", + "10282": "shingle", + "10283": "shin_guard, shinpad", + "10284": "ship", + "10285": "shipboard_system", + "10286": "shipping, cargo_ships, merchant_marine, merchant_vessels", + "10287": "shipping_room", + "10288": "ship-towed_long-range_acoustic_detection_system", + "10289": "shipwreck", + "10290": "shirt", + "10291": "shirt_button", + "10292": "shirtdress", + "10293": "shirtfront", + "10294": "shirting", + "10295": "shirtsleeve", + "10296": "shirttail", + "10297": "shirtwaist, shirtwaister", + "10298": "shiv", + "10299": "shock_absorber, shock, cushion", + "10300": "shoe", + "10301": "shoe", + "10302": "shoebox", + "10303": "shoehorn", + "10304": "shoe_shop, shoe-shop, shoe_store", + "10305": "shoetree", + "10306": "shofar, shophar", + "10307": "shoji", + "10308": "shooting_brake", + "10309": "shooting_lodge, shooting_box", + "10310": "shooting_stick", + "10311": "shop, store", + "10312": "shop_bell", + "10313": "shopping_bag", + "10314": "shopping_basket", + "10315": "shopping_cart", + "10316": "short_circuit, short", + "10317": "short_iron", + "10318": "short_pants, shorts, trunks", + "10319": "short_sleeve", + "10320": "shortwave_diathermy_machine", + "10321": "shot", + "10322": "shot_glass, jigger, pony", + "10323": "shotgun, scattergun", + "10324": "shotgun_shell", + "10325": "shot_tower", + "10326": "shoulder", + "10327": "shoulder_bag", + "10328": "shouldered_arch", + "10329": "shoulder_holster", + "10330": "shoulder_pad", + "10331": "shoulder_patch", + "10332": "shovel", + "10333": "shovel", + "10334": "shovel_hat", + "10335": "showboat", + "10336": "shower", + "10337": "shower_cap", + "10338": "shower_curtain", + "10339": "shower_room", + "10340": "shower_stall, shower_bath", + "10341": "showroom, salesroom, saleroom", + "10342": "shrapnel", + "10343": "shredder", + "10344": "shrimper", + "10345": "shrine", + "10346": "shrink-wrap", + "10347": "shunt", + "10348": "shunt, electrical_shunt, bypass", + "10349": "shunter", + "10350": "shutter", + "10351": "shutter", + "10352": "shuttle", + "10353": "shuttle", + "10354": "shuttle_bus", + "10355": "shuttlecock, bird, birdie, shuttle", + "10356": "shuttle_helicopter", + "10357": "Sibley_tent", + "10358": "sickbay, sick_berth", + "10359": "sickbed", + "10360": "sickle, reaping_hook, reap_hook", + "10361": "sickroom", + "10362": "sideboard", + "10363": "sidecar", + "10364": "side_chapel", + "10365": "sidelight, running_light", + "10366": "sidesaddle", + "10367": "sidewalk, pavement", + "10368": "sidewall", + "10369": "side-wheeler", + "10370": "sidewinder", + "10371": "sieve, screen", + "10372": "sifter", + "10373": "sights", + "10374": "sigmoidoscope, flexible_sigmoidoscope", + "10375": "signal_box, signal_tower", + "10376": "signaling_device", + "10377": "signboard, sign", + "10378": "silencer, muffler", + "10379": "silent_butler", + "10380": "Silex", + "10381": "silk", + "10382": "silks", + "10383": "silo", + "10384": "silver_plate", + "10385": "silverpoint", + "10386": "simple_pendulum", + "10387": "simulator", + "10388": "single_bed", + "10389": "single-breasted_jacket", + "10390": "single-breasted_suit", + "10391": "single_prop, single-propeller_plane", + "10392": "single-reed_instrument, single-reed_woodwind", + "10393": "single-rotor_helicopter", + "10394": "singlestick, fencing_stick, backsword", + "10395": "singlet, vest, undershirt", + "10396": "siren", + "10397": "sister_ship", + "10398": "sitar", + "10399": "sitz_bath, hip_bath", + "10400": "six-pack, six_pack, sixpack", + "10401": "skate", + "10402": "skateboard", + "10403": "skeg", + "10404": "skein", + "10405": "skeleton, skeletal_frame, frame, underframe", + "10406": "skeleton_key", + "10407": "skep", + "10408": "skep", + "10409": "sketch, study", + "10410": "sketcher", + "10411": "skew_arch", + "10412": "skewer", + "10413": "ski", + "10414": "ski_binding, binding", + "10415": "skibob", + "10416": "ski_boot", + "10417": "ski_cap, stocking_cap, toboggan_cap", + "10418": "skidder", + "10419": "skid_lid", + "10420": "skiff", + "10421": "ski_jump", + "10422": "ski_lodge", + "10423": "ski_mask", + "10424": "skimmer", + "10425": "ski_parka, ski_jacket", + "10426": "ski-plane", + "10427": "ski_pole", + "10428": "ski_rack", + "10429": "skirt", + "10430": "skirt", + "10431": "ski_tow, ski_lift, lift", + "10432": "Skivvies", + "10433": "skullcap", + "10434": "skybox", + "10435": "skyhook", + "10436": "skylight, fanlight", + "10437": "skysail", + "10438": "skyscraper", + "10439": "skywalk", + "10440": "slacks", + "10441": "slack_suit", + "10442": "slasher", + "10443": "slash_pocket", + "10444": "slat, spline", + "10445": "slate", + "10446": "slate_pencil", + "10447": "slate_roof", + "10448": "sled, sledge, sleigh", + "10449": "sleeper", + "10450": "sleeper", + "10451": "sleeping_bag", + "10452": "sleeping_car, sleeper, wagon-lit", + "10453": "sleeve, arm", + "10454": "sleeve", + "10455": "sleigh_bed", + "10456": "sleigh_bell, cascabel", + "10457": "slice_bar", + "10458": "slicer", + "10459": "slicer", + "10460": "slide, playground_slide, sliding_board", + "10461": "slide_fastener, zip, zipper, zip_fastener", + "10462": "slide_projector", + "10463": "slide_rule, slipstick", + "10464": "slide_valve", + "10465": "sliding_door", + "10466": "sliding_seat", + "10467": "sliding_window", + "10468": "sling, scarf_bandage, triangular_bandage", + "10469": "sling", + "10470": "slingback, sling", + "10471": "slinger_ring", + "10472": "slip_clutch, slip_friction_clutch", + "10473": "slipcover", + "10474": "slip-joint_pliers", + "10475": "slipknot", + "10476": "slip-on", + "10477": "slipper, carpet_slipper", + "10478": "slip_ring", + "10479": "slit_lamp", + "10480": "slit_trench", + "10481": "sloop", + "10482": "sloop_of_war", + "10483": "slop_basin, slop_bowl", + "10484": "slop_pail, slop_jar", + "10485": "slops", + "10486": "slopshop, slopseller's_shop", + "10487": "slot, one-armed_bandit", + "10488": "slot_machine, coin_machine", + "10489": "sluice, sluiceway, penstock", + "10490": "smack", + "10491": "small_boat", + "10492": "small_computer_system_interface, SCSI", + "10493": "small_ship", + "10494": "small_stores", + "10495": "smart_bomb", + "10496": "smelling_bottle", + "10497": "smocking", + "10498": "smoke_bomb, smoke_grenade", + "10499": "smokehouse, meat_house", + "10500": "smoker, smoking_car, smoking_carriage, smoking_compartment", + "10501": "smoke_screen, smokescreen", + "10502": "smoking_room", + "10503": "smoothbore", + "10504": "smooth_plane, smoothing_plane", + "10505": "snack_bar, snack_counter, buffet", + "10506": "snaffle, snaffle_bit", + "10507": "snap, snap_fastener, press_stud", + "10508": "snap_brim", + "10509": "snap-brim_hat", + "10510": "snare, gin, noose", + "10511": "snare_drum, snare, side_drum", + "10512": "snatch_block", + "10513": "snifter, brandy_snifter, brandy_glass", + "10514": "sniper_rifle, precision_rifle", + "10515": "snips, tinsnips", + "10516": "Sno-cat", + "10517": "snood", + "10518": "snorkel, schnorkel, schnorchel, snorkel_breather, breather", + "10519": "snorkel", + "10520": "snowbank, snow_bank", + "10521": "snowboard", + "10522": "snowmobile", + "10523": "snowplow, snowplough", + "10524": "snowshoe", + "10525": "snowsuit", + "10526": "snow_thrower, snow_blower", + "10527": "snuffbox", + "10528": "snuffer", + "10529": "snuffers", + "10530": "soapbox", + "10531": "soap_dish", + "10532": "soap_dispenser", + "10533": "soap_pad", + "10534": "soccer_ball", + "10535": "sock", + "10536": "socket", + "10537": "socket_wrench", + "10538": "socle", + "10539": "soda_can", + "10540": "soda_fountain", + "10541": "soda_fountain", + "10542": "sod_house, soddy, adobe_house", + "10543": "sodium-vapor_lamp, sodium-vapour_lamp", + "10544": "sofa, couch, lounge", + "10545": "soffit", + "10546": "softball, playground_ball", + "10547": "soft_pedal", + "10548": "soil_pipe", + "10549": "solar_array, solar_battery, solar_panel", + "10550": "solar_cell, photovoltaic_cell", + "10551": "solar_dish, solar_collector, solar_furnace", + "10552": "solar_heater", + "10553": "solar_house", + "10554": "solar_telescope", + "10555": "solar_thermal_system", + "10556": "soldering_iron", + "10557": "solenoid", + "10558": "solleret, sabaton", + "10559": "sombrero", + "10560": "sonic_depth_finder, fathometer", + "10561": "sonogram, echogram", + "10562": "sonograph", + "10563": "sorter", + "10564": "souk", + "10565": "sound_bow", + "10566": "soundbox, body", + "10567": "sound_camera", + "10568": "sounder", + "10569": "sound_film", + "10570": "sounding_board, soundboard", + "10571": "sounding_rocket", + "10572": "sound_recording, audio_recording, audio", + "10573": "sound_spectrograph", + "10574": "soup_bowl", + "10575": "soup_ladle", + "10576": "soupspoon, soup_spoon", + "10577": "source_of_illumination", + "10578": "sourdine", + "10579": "soutache", + "10580": "soutane", + "10581": "sou'wester", + "10582": "soybean_future", + "10583": "space_bar", + "10584": "space_capsule, capsule", + "10585": "spacecraft, ballistic_capsule, space_vehicle", + "10586": "space_heater", + "10587": "space_helmet", + "10588": "space_rocket", + "10589": "space_shuttle", + "10590": "space_station, space_platform, space_laboratory", + "10591": "spacesuit", + "10592": "spade", + "10593": "spade_bit", + "10594": "spaghetti_junction", + "10595": "Spandau", + "10596": "spandex", + "10597": "spandrel, spandril", + "10598": "spanker", + "10599": "spar", + "10600": "sparge_pipe", + "10601": "spark_arrester, sparker", + "10602": "spark_arrester", + "10603": "spark_chamber, spark_counter", + "10604": "spark_coil", + "10605": "spark_gap", + "10606": "spark_lever", + "10607": "spark_plug, sparking_plug, plug", + "10608": "sparkplug_wrench", + "10609": "spark_transmitter", + "10610": "spat, gaiter", + "10611": "spatula", + "10612": "spatula", + "10613": "speakerphone", + "10614": "speaking_trumpet", + "10615": "spear, lance, shaft", + "10616": "spear, gig, fizgig, fishgig, lance", + "10617": "specialty_store", + "10618": "specimen_bottle", + "10619": "spectacle", + "10620": "spectacles, specs, eyeglasses, glasses", + "10621": "spectator_pump, spectator", + "10622": "spectrograph", + "10623": "spectrophotometer", + "10624": "spectroscope, prism_spectroscope", + "10625": "speculum", + "10626": "speedboat", + "10627": "speed_bump", + "10628": "speedometer, speed_indicator", + "10629": "speed_skate, racing_skate", + "10630": "spherometer", + "10631": "sphygmomanometer", + "10632": "spicemill", + "10633": "spice_rack", + "10634": "spider", + "10635": "spider_web, spider's_web", + "10636": "spike", + "10637": "spike", + "10638": "spindle", + "10639": "spindle, mandrel, mandril, arbor", + "10640": "spindle", + "10641": "spin_dryer, spin_drier", + "10642": "spinet", + "10643": "spinet", + "10644": "spinnaker", + "10645": "spinner", + "10646": "spinning_frame", + "10647": "spinning_jenny", + "10648": "spinning_machine", + "10649": "spinning_rod", + "10650": "spinning_wheel", + "10651": "spiral_bandage", + "10652": "spiral_ratchet_screwdriver, ratchet_screwdriver", + "10653": "spiral_spring", + "10654": "spirit_lamp", + "10655": "spirit_stove", + "10656": "spirometer", + "10657": "spit", + "10658": "spittoon, cuspidor", + "10659": "splashboard, splasher, dashboard", + "10660": "splasher", + "10661": "splice, splicing", + "10662": "splicer", + "10663": "splint", + "10664": "split_rail, fence_rail", + "10665": "Spode", + "10666": "spoiler", + "10667": "spoiler", + "10668": "spoke, wheel_spoke, radius", + "10669": "spokeshave", + "10670": "sponge_cloth", + "10671": "sponge_mop", + "10672": "spoon", + "10673": "spoon", + "10674": "Spork", + "10675": "sporran", + "10676": "sport_kite, stunt_kite", + "10677": "sports_car, sport_car", + "10678": "sports_equipment", + "10679": "sports_implement", + "10680": "sportswear, athletic_wear, activewear", + "10681": "sport_utility, sport_utility_vehicle, S.U.V., SUV", + "10682": "spot", + "10683": "spotlight, spot", + "10684": "spot_weld, spot-weld", + "10685": "spouter", + "10686": "sprag", + "10687": "spray_gun", + "10688": "spray_paint", + "10689": "spreader", + "10690": "sprig", + "10691": "spring", + "10692": "spring_balance, spring_scale", + "10693": "springboard", + "10694": "sprinkler", + "10695": "sprinkler_system", + "10696": "sprit", + "10697": "spritsail", + "10698": "sprocket, sprocket_wheel", + "10699": "sprocket", + "10700": "spun_yarn", + "10701": "spur, gad", + "10702": "spur_gear, spur_wheel", + "10703": "sputnik", + "10704": "spy_satellite", + "10705": "squad_room", + "10706": "square", + "10707": "square_knot", + "10708": "square-rigger", + "10709": "square_sail", + "10710": "squash_ball", + "10711": "squash_racket, squash_racquet, bat", + "10712": "squawk_box, squawker, intercom_speaker", + "10713": "squeegee", + "10714": "squeezer", + "10715": "squelch_circuit, squelch, squelcher", + "10716": "squinch", + "10717": "stabilizer, stabiliser", + "10718": "stabilizer", + "10719": "stabilizer_bar, anti-sway_bar", + "10720": "stable, stalls, horse_barn", + "10721": "stable_gear, saddlery, tack", + "10722": "stabling", + "10723": "stacks", + "10724": "staddle", + "10725": "stadium, bowl, arena, sports_stadium", + "10726": "stage", + "10727": "stagecoach, stage", + "10728": "stained-glass_window", + "10729": "stair-carpet", + "10730": "stair-rod", + "10731": "stairwell", + "10732": "stake", + "10733": "stall, stand, sales_booth", + "10734": "stall", + "10735": "stamp", + "10736": "stamp_mill, stamping_mill", + "10737": "stamping_machine, stamper", + "10738": "stanchion", + "10739": "stand", + "10740": "standard", + "10741": "standard_cell", + "10742": "standard_transmission, stick_shift", + "10743": "standing_press", + "10744": "stanhope", + "10745": "Stanley_Steamer", + "10746": "staple", + "10747": "staple", + "10748": "staple_gun, staplegun, tacker", + "10749": "stapler, stapling_machine", + "10750": "starship, spaceship", + "10751": "starter, starter_motor, starting_motor", + "10752": "starting_gate, starting_stall", + "10753": "Stassano_furnace, electric-arc_furnace", + "10754": "Statehouse", + "10755": "stately_home", + "10756": "state_prison", + "10757": "stateroom", + "10758": "static_tube", + "10759": "station", + "10760": "stator, stator_coil", + "10761": "statue", + "10762": "stay", + "10763": "staysail", + "10764": "steakhouse, chophouse", + "10765": "steak_knife", + "10766": "stealth_aircraft", + "10767": "stealth_bomber", + "10768": "stealth_fighter", + "10769": "steam_bath, steam_room, vapor_bath, vapour_bath", + "10770": "steamboat", + "10771": "steam_chest", + "10772": "steam_engine", + "10773": "steamer, steamship", + "10774": "steamer", + "10775": "steam_iron", + "10776": "steam_locomotive", + "10777": "steamroller, road_roller", + "10778": "steam_shovel", + "10779": "steam_turbine", + "10780": "steam_whistle", + "10781": "steel", + "10782": "steel_arch_bridge", + "10783": "steel_drum", + "10784": "steel_mill, steelworks, steel_plant, steel_factory", + "10785": "steel-wool_pad", + "10786": "steelyard, lever_scale, beam_scale", + "10787": "steeple, spire", + "10788": "steerage", + "10789": "steering_gear", + "10790": "steering_linkage", + "10791": "steering_system, steering_mechanism", + "10792": "steering_wheel, wheel", + "10793": "stele, stela", + "10794": "stem-winder", + "10795": "stencil", + "10796": "Sten_gun", + "10797": "stenograph", + "10798": "step, stair", + "10799": "step-down_transformer", + "10800": "step_stool", + "10801": "step-up_transformer", + "10802": "stereo, stereophony, stereo_system, stereophonic_system", + "10803": "stereoscope", + "10804": "stern_chaser", + "10805": "sternpost", + "10806": "sternwheeler", + "10807": "stethoscope", + "10808": "stewing_pan, stewpan", + "10809": "stick", + "10810": "stick", + "10811": "stick, control_stick, joystick", + "10812": "stick", + "10813": "stile", + "10814": "stiletto", + "10815": "still", + "10816": "stillroom, still_room", + "10817": "Stillson_wrench", + "10818": "stilt", + "10819": "Stinger", + "10820": "stink_bomb, stench_bomb", + "10821": "stirrer", + "10822": "stirrup, stirrup_iron", + "10823": "stirrup_pump", + "10824": "stob", + "10825": "stock, gunstock", + "10826": "stockade", + "10827": "stockcar", + "10828": "stock_car", + "10829": "stockinet, stockinette", + "10830": "stocking", + "10831": "stock-in-trade", + "10832": "stockpot", + "10833": "stockroom, stock_room", + "10834": "stocks", + "10835": "stock_saddle, Western_saddle", + "10836": "stockyard", + "10837": "stole", + "10838": "stomacher", + "10839": "stomach_pump", + "10840": "stone_wall", + "10841": "stoneware", + "10842": "stonework", + "10843": "stool", + "10844": "stoop, stoep", + "10845": "stop_bath, short-stop, short-stop_bath", + "10846": "stopcock, cock, turncock", + "10847": "stopper_knot", + "10848": "stopwatch, stop_watch", + "10849": "storage_battery, accumulator", + "10850": "storage_cell, secondary_cell", + "10851": "storage_ring", + "10852": "storage_space", + "10853": "storeroom, storage_room, stowage", + "10854": "storm_cellar, cyclone_cellar, tornado_cellar", + "10855": "storm_door", + "10856": "storm_window, storm_sash", + "10857": "stoup, stoop", + "10858": "stoup", + "10859": "stove", + "10860": "stove, kitchen_stove, range, kitchen_range, cooking_stove", + "10861": "stove_bolt", + "10862": "stovepipe", + "10863": "stovepipe_iron", + "10864": "Stradavarius, Strad", + "10865": "straight_chair, side_chair", + "10866": "straightedge", + "10867": "straightener", + "10868": "straight_flute, straight-fluted_drill", + "10869": "straight_pin", + "10870": "straight_razor", + "10871": "strainer", + "10872": "straitjacket, straightjacket", + "10873": "strap", + "10874": "strap", + "10875": "strap_hinge, joint_hinge", + "10876": "strapless", + "10877": "streamer_fly", + "10878": "streamliner", + "10879": "street", + "10880": "street", + "10881": "streetcar, tram, tramcar, trolley, trolley_car", + "10882": "street_clothes", + "10883": "streetlight, street_lamp", + "10884": "stretcher", + "10885": "stretcher", + "10886": "stretch_pants", + "10887": "strickle", + "10888": "strickle", + "10889": "stringed_instrument", + "10890": "stringer", + "10891": "stringer", + "10892": "string_tie", + "10893": "strip", + "10894": "strip_lighting", + "10895": "strip_mall", + "10896": "stroboscope, strobe, strobe_light", + "10897": "strongbox, deedbox", + "10898": "stronghold, fastness", + "10899": "strongroom", + "10900": "strop", + "10901": "structural_member", + "10902": "structure, construction", + "10903": "student_center", + "10904": "student_lamp", + "10905": "student_union", + "10906": "stud_finder", + "10907": "studio_apartment, studio", + "10908": "studio_couch, day_bed", + "10909": "study", + "10910": "study_hall", + "10911": "stuffing_nut, packing_nut", + "10912": "stump", + "10913": "stun_gun, stun_baton", + "10914": "stupa, tope", + "10915": "sty, pigsty, pigpen", + "10916": "stylus, style", + "10917": "stylus", + "10918": "sub-assembly", + "10919": "subcompact, subcompact_car", + "10920": "submachine_gun", + "10921": "submarine, pigboat, sub, U-boat", + "10922": "submarine_torpedo", + "10923": "submersible, submersible_warship", + "10924": "submersible", + "10925": "subtracter", + "10926": "subway_token", + "10927": "subway_train", + "10928": "subwoofer", + "10929": "suction_cup", + "10930": "suction_pump", + "10931": "sudatorium, sudatory", + "10932": "suede_cloth, suede", + "10933": "sugar_bowl", + "10934": "sugar_refinery", + "10935": "sugar_spoon, sugar_shell", + "10936": "suit, suit_of_clothes", + "10937": "suite, rooms", + "10938": "suiting", + "10939": "sulky", + "10940": "summer_house", + "10941": "sumo_ring", + "10942": "sump", + "10943": "sump_pump", + "10944": "sunbonnet", + "10945": "Sunday_best, Sunday_clothes", + "10946": "sun_deck", + "10947": "sundial", + "10948": "sundress", + "10949": "sundries", + "10950": "sun_gear", + "10951": "sunglass", + "10952": "sunglasses, dark_glasses, shades", + "10953": "sunhat, sun_hat", + "10954": "sunlamp, sun_lamp, sunray_lamp, sun-ray_lamp", + "10955": "sun_parlor, sun_parlour, sun_porch, sunporch, sunroom, sun_lounge, solarium", + "10956": "sunroof, sunshine-roof", + "10957": "sunscreen, sunblock, sun_blocker", + "10958": "sunsuit", + "10959": "supercharger", + "10960": "supercomputer", + "10961": "superconducting_supercollider", + "10962": "superhighway, information_superhighway", + "10963": "supermarket", + "10964": "superstructure", + "10965": "supertanker", + "10966": "supper_club", + "10967": "supplejack", + "10968": "supply_chamber", + "10969": "supply_closet", + "10970": "support", + "10971": "support", + "10972": "support_column", + "10973": "support_hose, support_stocking", + "10974": "supporting_structure", + "10975": "supporting_tower", + "10976": "surcoat", + "10977": "surface_gauge, surface_gage, scribing_block", + "10978": "surface_lift", + "10979": "surface_search_radar", + "10980": "surface_ship", + "10981": "surface-to-air_missile, SAM", + "10982": "surface-to-air_missile_system", + "10983": "surfboat", + "10984": "surcoat", + "10985": "surgeon's_knot", + "10986": "surgery", + "10987": "surge_suppressor, surge_protector, spike_suppressor, spike_arrester, lightning_arrester", + "10988": "surgical_dressing", + "10989": "surgical_instrument", + "10990": "surgical_knife", + "10991": "surplice", + "10992": "surrey", + "10993": "surtout", + "10994": "surveillance_system", + "10995": "surveying_instrument, surveyor's_instrument", + "10996": "surveyor's_level", + "10997": "sushi_bar", + "10998": "suspension, suspension_system", + "10999": "suspension_bridge", + "11000": "suspensory, suspensory_bandage", + "11001": "sustaining_pedal, loud_pedal", + "11002": "suture, surgical_seam", + "11003": "swab, swob, mop", + "11004": "swab", + "11005": "swaddling_clothes, swaddling_bands", + "11006": "swag", + "11007": "swage_block", + "11008": "swagger_stick", + "11009": "swallow-tailed_coat, swallowtail, morning_coat", + "11010": "swamp_buggy, marsh_buggy", + "11011": "swan's_down", + "11012": "swathe, wrapping", + "11013": "swatter, flyswatter, flyswat", + "11014": "sweat_bag", + "11015": "sweatband", + "11016": "sweater, jumper", + "11017": "sweat_pants, sweatpants", + "11018": "sweatshirt", + "11019": "sweatshop", + "11020": "sweat_suit, sweatsuit, sweats, workout_suit", + "11021": "sweep, sweep_oar", + "11022": "sweep_hand, sweep-second", + "11023": "swimming_trunks, bathing_trunks", + "11024": "swimsuit, swimwear, bathing_suit, swimming_costume, bathing_costume", + "11025": "swing", + "11026": "swing_door, swinging_door", + "11027": "switch, electric_switch, electrical_switch", + "11028": "switchblade, switchblade_knife, flick-knife, flick_knife", + "11029": "switch_engine, donkey_engine", + "11030": "swivel", + "11031": "swivel_chair", + "11032": "swizzle_stick", + "11033": "sword, blade, brand, steel", + "11034": "sword_cane, sword_stick", + "11035": "S_wrench", + "11036": "synagogue, temple, tabernacle", + "11037": "synchrocyclotron", + "11038": "synchroflash", + "11039": "synchromesh", + "11040": "synchronous_converter, rotary, rotary_converter", + "11041": "synchronous_motor", + "11042": "synchrotron", + "11043": "synchroscope, synchronoscope, synchronizer, synchroniser", + "11044": "synthesizer, synthesiser", + "11045": "syringe", + "11046": "system", + "11047": "tabard", + "11048": "Tabernacle", + "11049": "tabi, tabis", + "11050": "tab_key, tab", + "11051": "table", + "11052": "table", + "11053": "tablefork", + "11054": "table_knife", + "11055": "table_lamp", + "11056": "table_saw", + "11057": "tablespoon", + "11058": "tablet-armed_chair", + "11059": "table-tennis_table, ping-pong_table, pingpong_table", + "11060": "table-tennis_racquet, table-tennis_bat, pingpong_paddle", + "11061": "tabletop", + "11062": "tableware", + "11063": "tabor, tabour", + "11064": "taboret, tabouret", + "11065": "tachistoscope, t-scope", + "11066": "tachograph", + "11067": "tachometer, tach", + "11068": "tachymeter, tacheometer", + "11069": "tack", + "11070": "tack_hammer", + "11071": "taffeta", + "11072": "taffrail", + "11073": "tailgate, tailboard", + "11074": "taillight, tail_lamp, rear_light, rear_lamp", + "11075": "tailor-made", + "11076": "tailor's_chalk", + "11077": "tailpipe", + "11078": "tail_rotor, anti-torque_rotor", + "11079": "tailstock", + "11080": "take-up", + "11081": "talaria", + "11082": "talcum, talcum_powder", + "11083": "tam, tam-o'-shanter, tammy", + "11084": "tambour", + "11085": "tambour, embroidery_frame, embroidery_hoop", + "11086": "tambourine", + "11087": "tammy", + "11088": "tamp, tamper, tamping_bar", + "11089": "Tampax", + "11090": "tampion, tompion", + "11091": "tampon", + "11092": "tandoor", + "11093": "tangram", + "11094": "tank, storage_tank", + "11095": "tank, army_tank, armored_combat_vehicle, armoured_combat_vehicle", + "11096": "tankard", + "11097": "tank_car, tank", + "11098": "tank_destroyer", + "11099": "tank_engine, tank_locomotive", + "11100": "tanker_plane", + "11101": "tank_shell", + "11102": "tank_top", + "11103": "tannoy", + "11104": "tap, spigot", + "11105": "tapa, tappa", + "11106": "tape, tape_recording, taping", + "11107": "tape, tapeline, tape_measure", + "11108": "tape_deck", + "11109": "tape_drive, tape_transport, transport", + "11110": "tape_player", + "11111": "tape_recorder, tape_machine", + "11112": "taper_file", + "11113": "tapestry, tapis", + "11114": "tappet", + "11115": "tap_wrench", + "11116": "tare", + "11117": "target, butt", + "11118": "target_acquisition_system", + "11119": "tarmacadam, tarmac, macadam", + "11120": "tarpaulin, tarp", + "11121": "tartan, plaid", + "11122": "tasset, tasse", + "11123": "tattoo", + "11124": "tavern, tap_house", + "11125": "tawse", + "11126": "taximeter", + "11127": "T-bar_lift, T-bar, Alpine_lift", + "11128": "tea_bag", + "11129": "tea_ball", + "11130": "tea_cart, teacart, tea_trolley, tea_wagon", + "11131": "tea_chest", + "11132": "teaching_aid", + "11133": "teacup", + "11134": "tea_gown", + "11135": "teakettle", + "11136": "tea_maker", + "11137": "teapot", + "11138": "teashop, teahouse, tearoom, tea_parlor, tea_parlour", + "11139": "teaspoon", + "11140": "tea-strainer", + "11141": "tea_table", + "11142": "tea_tray", + "11143": "tea_urn", + "11144": "tee, golf_tee", + "11145": "tee_hinge, T_hinge", + "11146": "telecom_hotel, telco_building", + "11147": "telecommunication_system, telecom_system, telecommunication_equipment, telecom_equipment", + "11148": "telegraph, telegraphy", + "11149": "telegraph_key", + "11150": "telemeter", + "11151": "telephone, phone, telephone_set", + "11152": "telephone_bell", + "11153": "telephone_booth, phone_booth, call_box, telephone_box, telephone_kiosk", + "11154": "telephone_cord, phone_cord", + "11155": "telephone_jack, phone_jack", + "11156": "telephone_line, phone_line, telephone_circuit, subscriber_line, line", + "11157": "telephone_plug, phone_plug", + "11158": "telephone_pole, telegraph_pole, telegraph_post", + "11159": "telephone_receiver, receiver", + "11160": "telephone_system, phone_system", + "11161": "telephone_wire, telephone_line, telegraph_wire, telegraph_line", + "11162": "telephoto_lens, zoom_lens", + "11163": "Teleprompter", + "11164": "telescope, scope", + "11165": "telescopic_sight, telescope_sight", + "11166": "telethermometer", + "11167": "teletypewriter, teleprinter, teletype_machine, telex, telex_machine", + "11168": "television, television_system", + "11169": "television_antenna, tv-antenna", + "11170": "television_camera, tv_camera, camera", + "11171": "television_equipment, video_equipment", + "11172": "television_monitor, tv_monitor", + "11173": "television_receiver, television, television_set, tv, tv_set, idiot_box, boob_tube, telly, goggle_box", + "11174": "television_room, tv_room", + "11175": "television_transmitter", + "11176": "telpher, telfer", + "11177": "telpherage, telferage", + "11178": "tempera, poster_paint, poster_color, poster_colour", + "11179": "temple", + "11180": "temple", + "11181": "temporary_hookup, patch", + "11182": "tender, supply_ship", + "11183": "tender, ship's_boat, pinnace, cutter", + "11184": "tender", + "11185": "tenement, tenement_house", + "11186": "tennis_ball", + "11187": "tennis_camp", + "11188": "tennis_racket, tennis_racquet", + "11189": "tenon", + "11190": "tenor_drum, tom-tom", + "11191": "tenoroon", + "11192": "tenpenny_nail", + "11193": "tenpin", + "11194": "tensimeter", + "11195": "tensiometer", + "11196": "tensiometer", + "11197": "tensiometer", + "11198": "tent, collapsible_shelter", + "11199": "tenter", + "11200": "tenterhook", + "11201": "tent-fly, rainfly, fly_sheet, fly, tent_flap", + "11202": "tent_peg", + "11203": "tepee, tipi, teepee", + "11204": "terminal, pole", + "11205": "terminal", + "11206": "terraced_house", + "11207": "terra_cotta", + "11208": "terrarium", + "11209": "terra_sigillata, Samian_ware", + "11210": "terry, terry_cloth, terrycloth", + "11211": "Tesla_coil", + "11212": "tessera", + "11213": "test_equipment", + "11214": "test_rocket, research_rocket, test_instrument_vehicle", + "11215": "test_room, testing_room", + "11216": "testudo", + "11217": "tetraskelion, tetraskele", + "11218": "tetrode", + "11219": "textile_machine", + "11220": "textile_mill", + "11221": "thatch, thatched_roof", + "11222": "theater, theatre, house", + "11223": "theater_curtain, theatre_curtain", + "11224": "theater_light", + "11225": "theodolite, transit", + "11226": "theremin", + "11227": "thermal_printer", + "11228": "thermal_reactor", + "11229": "thermocouple, thermocouple_junction", + "11230": "thermoelectric_thermometer, thermel, electric_thermometer", + "11231": "thermograph, thermometrograph", + "11232": "thermograph", + "11233": "thermohydrometer, thermogravimeter", + "11234": "thermojunction", + "11235": "thermometer", + "11236": "thermonuclear_reactor, fusion_reactor", + "11237": "thermopile", + "11238": "thermos, thermos_bottle, thermos_flask", + "11239": "thermostat, thermoregulator", + "11240": "thigh_pad", + "11241": "thill", + "11242": "thimble", + "11243": "thinning_shears", + "11244": "third_base, third", + "11245": "third_gear, third", + "11246": "third_rail", + "11247": "thong", + "11248": "thong", + "11249": "three-centered_arch, basket-handle_arch", + "11250": "three-decker", + "11251": "three-dimensional_radar, 3d_radar", + "11252": "three-piece_suit", + "11253": "three-quarter_binding", + "11254": "three-way_switch, three-point_switch", + "11255": "thresher, thrasher, threshing_machine", + "11256": "threshing_floor", + "11257": "thriftshop, second-hand_store", + "11258": "throat_protector", + "11259": "throne", + "11260": "thrust_bearing", + "11261": "thruster", + "11262": "thumb", + "11263": "thumbhole", + "11264": "thumbscrew", + "11265": "thumbstall", + "11266": "thumbtack, drawing_pin, pushpin", + "11267": "thunderer", + "11268": "thwart, cross_thwart", + "11269": "tiara", + "11270": "ticking", + "11271": "tickler_coil", + "11272": "tie, tie_beam", + "11273": "tie, railroad_tie, crosstie, sleeper", + "11274": "tie_rack", + "11275": "tie_rod", + "11276": "tights, leotards", + "11277": "tile", + "11278": "tile_cutter", + "11279": "tile_roof", + "11280": "tiller", + "11281": "tilter", + "11282": "tilt-top_table, tip-top_table, tip_table", + "11283": "timber", + "11284": "timber", + "11285": "timber_hitch", + "11286": "timbrel", + "11287": "time_bomb, infernal_machine", + "11288": "time_capsule", + "11289": "time_clock", + "11290": "time-delay_measuring_instrument, time-delay_measuring_system", + "11291": "time-fuse", + "11292": "timepiece, timekeeper, horologe", + "11293": "timer", + "11294": "timer", + "11295": "time-switch", + "11296": "tin", + "11297": "tinderbox", + "11298": "tine", + "11299": "tinfoil, tin_foil", + "11300": "tippet", + "11301": "tire_chain, snow_chain", + "11302": "tire_iron, tire_tool", + "11303": "titfer", + "11304": "tithe_barn", + "11305": "titrator", + "11306": "toaster", + "11307": "toaster_oven", + "11308": "toasting_fork", + "11309": "toastrack", + "11310": "tobacco_pouch", + "11311": "tobacco_shop, tobacconist_shop, tobacconist", + "11312": "toboggan", + "11313": "toby, toby_jug, toby_fillpot_jug", + "11314": "tocsin, warning_bell", + "11315": "toe", + "11316": "toecap", + "11317": "toehold", + "11318": "toga", + "11319": "toga_virilis", + "11320": "toggle", + "11321": "toggle_bolt", + "11322": "toggle_joint", + "11323": "toggle_switch, toggle, on-off_switch, on/off_switch", + "11324": "togs, threads, duds", + "11325": "toilet, lavatory, lav, can, john, privy, bathroom", + "11326": "toilet_bag, sponge_bag", + "11327": "toilet_bowl", + "11328": "toilet_kit, travel_kit", + "11329": "toilet_powder, bath_powder, dusting_powder", + "11330": "toiletry, toilet_articles", + "11331": "toilet_seat", + "11332": "toilet_water, eau_de_toilette", + "11333": "tokamak", + "11334": "token", + "11335": "tollbooth, tolbooth, tollhouse", + "11336": "toll_bridge", + "11337": "tollgate, tollbar", + "11338": "toll_line", + "11339": "tomahawk, hatchet", + "11340": "Tommy_gun, Thompson_submachine_gun", + "11341": "tomograph", + "11342": "tone_arm, pickup, pickup_arm", + "11343": "toner", + "11344": "tongs, pair_of_tongs", + "11345": "tongue", + "11346": "tongue_and_groove_joint", + "11347": "tongue_depressor", + "11348": "tonometer", + "11349": "tool", + "11350": "tool_bag", + "11351": "toolbox, tool_chest, tool_cabinet, tool_case", + "11352": "toolshed, toolhouse", + "11353": "tooth", + "11354": "tooth", + "11355": "toothbrush", + "11356": "toothpick", + "11357": "top", + "11358": "top, cover", + "11359": "topgallant, topgallant_mast", + "11360": "topgallant, topgallant_sail", + "11361": "topiary", + "11362": "topknot", + "11363": "topmast", + "11364": "topper", + "11365": "topsail", + "11366": "toque", + "11367": "torch", + "11368": "torpedo", + "11369": "torpedo", + "11370": "torpedo", + "11371": "torpedo_boat", + "11372": "torpedo-boat_destroyer", + "11373": "torpedo_tube", + "11374": "torque_converter", + "11375": "torque_wrench", + "11376": "torture_chamber", + "11377": "totem_pole", + "11378": "touch_screen, touchscreen", + "11379": "toupee, toupe", + "11380": "touring_car, phaeton, tourer", + "11381": "tourist_class, third_class", + "11382": "towel", + "11383": "toweling, towelling", + "11384": "towel_rack, towel_horse", + "11385": "towel_rail, towel_bar", + "11386": "tower", + "11387": "town_hall", + "11388": "towpath, towing_path", + "11389": "tow_truck, tow_car, wrecker", + "11390": "toy", + "11391": "toy_box, toy_chest", + "11392": "toyshop", + "11393": "trace_detector", + "11394": "track, rail, rails, runway", + "11395": "track", + "11396": "trackball", + "11397": "tracked_vehicle", + "11398": "tract_house", + "11399": "tract_housing", + "11400": "traction_engine", + "11401": "tractor", + "11402": "tractor", + "11403": "trail_bike, dirt_bike, scrambler", + "11404": "trailer, house_trailer", + "11405": "trailer", + "11406": "trailer_camp, trailer_park", + "11407": "trailer_truck, tractor_trailer, trucking_rig, rig, articulated_lorry, semi", + "11408": "trailing_edge", + "11409": "train, railroad_train", + "11410": "tramline, tramway, streetcar_track", + "11411": "trammel", + "11412": "trampoline", + "11413": "tramp_steamer, tramp", + "11414": "tramway, tram, aerial_tramway, cable_tramway, ropeway", + "11415": "transdermal_patch, skin_patch", + "11416": "transept", + "11417": "transformer", + "11418": "transistor, junction_transistor, electronic_transistor", + "11419": "transit_instrument", + "11420": "transmission, transmission_system", + "11421": "transmission_shaft", + "11422": "transmitter, sender", + "11423": "transom, traverse", + "11424": "transom, transom_window, fanlight", + "11425": "transponder", + "11426": "transporter", + "11427": "transporter, car_transporter", + "11428": "transport_ship", + "11429": "trap", + "11430": "trap_door", + "11431": "trapeze", + "11432": "trave, traverse, crossbeam, crosspiece", + "11433": "travel_iron", + "11434": "trawl, dragnet, trawl_net", + "11435": "trawl, trawl_line, spiller, setline, trotline", + "11436": "trawler, dragger", + "11437": "tray", + "11438": "tray_cloth", + "11439": "tread", + "11440": "tread", + "11441": "treadmill, treadwheel, tread-wheel", + "11442": "treadmill", + "11443": "treasure_chest", + "11444": "treasure_ship", + "11445": "treenail, trenail, trunnel", + "11446": "trefoil_arch", + "11447": "trellis, treillage", + "11448": "trench", + "11449": "trench_coat", + "11450": "trench_knife", + "11451": "trepan", + "11452": "trepan, trephine", + "11453": "trestle", + "11454": "trestle", + "11455": "trestle_bridge", + "11456": "trestle_table", + "11457": "trestlework", + "11458": "trews", + "11459": "trial_balloon", + "11460": "triangle", + "11461": "triangle", + "11462": "triclinium", + "11463": "triclinium", + "11464": "tricorn, tricorne", + "11465": "tricot", + "11466": "tricycle, trike, velocipede", + "11467": "trident", + "11468": "trigger", + "11469": "trimaran", + "11470": "trimmer", + "11471": "trimmer_arch", + "11472": "triode", + "11473": "tripod", + "11474": "triptych", + "11475": "trip_wire", + "11476": "trireme", + "11477": "triskelion, triskele", + "11478": "triumphal_arch", + "11479": "trivet", + "11480": "trivet", + "11481": "troika", + "11482": "troll", + "11483": "trolleybus, trolley_coach, trackless_trolley", + "11484": "trombone", + "11485": "troop_carrier, troop_transport", + "11486": "troopship", + "11487": "trophy_case", + "11488": "trough", + "11489": "trouser", + "11490": "trouser_cuff", + "11491": "trouser_press, pants_presser", + "11492": "trouser, pant", + "11493": "trousseau", + "11494": "trowel", + "11495": "truck, motortruck", + "11496": "trumpet_arch", + "11497": "truncheon, nightstick, baton, billy, billystick, billy_club", + "11498": "trundle_bed, trundle, truckle_bed, truckle", + "11499": "trunk", + "11500": "trunk_hose", + "11501": "trunk_lid", + "11502": "trunk_line", + "11503": "truss", + "11504": "truss_bridge", + "11505": "try_square", + "11506": "T-square", + "11507": "tub, vat", + "11508": "tube, vacuum_tube, thermionic_vacuum_tube, thermionic_tube, electron_tube, thermionic_valve", + "11509": "tuck_box", + "11510": "tucker", + "11511": "tucker-bag", + "11512": "tuck_shop", + "11513": "Tudor_arch, four-centered_arch", + "11514": "tudung", + "11515": "tugboat, tug, towboat, tower", + "11516": "tulle", + "11517": "tumble-dryer, tumble_drier", + "11518": "tumbler", + "11519": "tumbrel, tumbril", + "11520": "tun", + "11521": "tunic", + "11522": "tuning_fork", + "11523": "tupik, tupek, sealskin_tent", + "11524": "turban", + "11525": "turbine", + "11526": "turbogenerator", + "11527": "tureen", + "11528": "Turkish_bath", + "11529": "Turkish_towel, terry_towel", + "11530": "Turk's_head", + "11531": "turnbuckle", + "11532": "turner, food_turner", + "11533": "turnery", + "11534": "turnpike", + "11535": "turnspit", + "11536": "turnstile", + "11537": "turntable", + "11538": "turntable, lazy_Susan", + "11539": "turret", + "11540": "turret_clock", + "11541": "turtleneck, turtle, polo-neck", + "11542": "tweed", + "11543": "tweeter", + "11544": "twenty-two, .22", + "11545": "twenty-two_pistol", + "11546": "twenty-two_rifle", + "11547": "twill", + "11548": "twill, twill_weave", + "11549": "twin_bed", + "11550": "twinjet", + "11551": "twist_bit, twist_drill", + "11552": "two-by-four", + "11553": "two-man_tent", + "11554": "two-piece, two-piece_suit, lounge_suit", + "11555": "typesetting_machine", + "11556": "typewriter", + "11557": "typewriter_carriage", + "11558": "typewriter_keyboard", + "11559": "tyrolean, tirolean", + "11560": "uke, ukulele", + "11561": "ulster", + "11562": "ultracentrifuge", + "11563": "ultramicroscope, dark-field_microscope", + "11564": "Ultrasuede", + "11565": "ultraviolet_lamp, ultraviolet_source", + "11566": "umbrella", + "11567": "umbrella_tent", + "11568": "undercarriage", + "11569": "undercoat, underseal", + "11570": "undergarment, unmentionable", + "11571": "underpants", + "11572": "underwear, underclothes, underclothing", + "11573": "undies", + "11574": "uneven_parallel_bars, uneven_bars", + "11575": "unicycle, monocycle", + "11576": "uniform", + "11577": "universal_joint, universal", + "11578": "university", + "11579": "upholstery", + "11580": "upholstery_material", + "11581": "upholstery_needle", + "11582": "uplift", + "11583": "upper_berth, upper", + "11584": "upright, upright_piano", + "11585": "upset, swage", + "11586": "upstairs", + "11587": "urceole", + "11588": "urn", + "11589": "urn", + "11590": "used-car, secondhand_car", + "11591": "utensil", + "11592": "Uzi", + "11593": "vacation_home", + "11594": "vacuum, vacuum_cleaner", + "11595": "vacuum_chamber", + "11596": "vacuum_flask, vacuum_bottle", + "11597": "vacuum_gauge, vacuum_gage", + "11598": "Valenciennes, Valenciennes_lace", + "11599": "valise", + "11600": "valve", + "11601": "valve", + "11602": "valve-in-head_engine", + "11603": "vambrace, lower_cannon", + "11604": "van", + "11605": "van, caravan", + "11606": "vane", + "11607": "vaporizer, vaporiser", + "11608": "variable-pitch_propeller", + "11609": "variometer", + "11610": "varnish", + "11611": "vase", + "11612": "vault", + "11613": "vault, bank_vault", + "11614": "vaulting_horse, long_horse, buck", + "11615": "vehicle", + "11616": "Velcro", + "11617": "velocipede", + "11618": "velour, velours", + "11619": "velvet", + "11620": "velveteen", + "11621": "vending_machine", + "11622": "veneer, veneering", + "11623": "Venetian_blind", + "11624": "Venn_diagram, Venn's_diagram", + "11625": "ventilation, ventilation_system, ventilating_system", + "11626": "ventilation_shaft", + "11627": "ventilator", + "11628": "veranda, verandah, gallery", + "11629": "verdigris", + "11630": "vernier_caliper, vernier_micrometer", + "11631": "vernier_scale, vernier", + "11632": "vertical_file", + "11633": "vertical_stabilizer, vertical_stabiliser, vertical_fin, tail_fin, tailfin", + "11634": "vertical_tail", + "11635": "Very_pistol, Verey_pistol", + "11636": "vessel, watercraft", + "11637": "vessel", + "11638": "vest, waistcoat", + "11639": "vestiture", + "11640": "vestment", + "11641": "vest_pocket", + "11642": "vestry, sacristy", + "11643": "viaduct", + "11644": "vibraphone, vibraharp, vibes", + "11645": "vibrator", + "11646": "vibrator", + "11647": "Victrola", + "11648": "vicuna", + "11649": "videocassette", + "11650": "videocassette_recorder, VCR", + "11651": "videodisk, videodisc, DVD", + "11652": "video_recording, video", + "11653": "videotape", + "11654": "videotape", + "11655": "vigil_light, vigil_candle", + "11656": "villa", + "11657": "villa", + "11658": "villa", + "11659": "viol", + "11660": "viola", + "11661": "viola_da_braccio", + "11662": "viola_da_gamba, gamba, bass_viol", + "11663": "viola_d'amore", + "11664": "violin, fiddle", + "11665": "virginal, pair_of_virginals", + "11666": "viscometer, viscosimeter", + "11667": "viscose_rayon, viscose", + "11668": "vise, bench_vise", + "11669": "visor, vizor", + "11670": "visual_display_unit, VDU", + "11671": "vivarium", + "11672": "Viyella", + "11673": "voile", + "11674": "volleyball", + "11675": "volleyball_net", + "11676": "voltage_regulator", + "11677": "voltaic_cell, galvanic_cell, primary_cell", + "11678": "voltaic_pile, pile, galvanic_pile", + "11679": "voltmeter", + "11680": "vomitory", + "11681": "von_Neumann_machine", + "11682": "voting_booth", + "11683": "voting_machine", + "11684": "voussoir", + "11685": "vox_angelica, voix_celeste", + "11686": "vox_humana", + "11687": "waders", + "11688": "wading_pool", + "11689": "waffle_iron", + "11690": "wagon, waggon", + "11691": "wagon, coaster_wagon", + "11692": "wagon_tire", + "11693": "wagon_wheel", + "11694": "wain", + "11695": "wainscot, wainscoting, wainscotting", + "11696": "wainscoting, wainscotting", + "11697": "waist_pack, belt_bag", + "11698": "walker, baby-walker, go-cart", + "11699": "walker, Zimmer, Zimmer_frame", + "11700": "walker", + "11701": "walkie-talkie, walky-talky", + "11702": "walk-in", + "11703": "walking_shoe", + "11704": "walking_stick", + "11705": "Walkman", + "11706": "walk-up_apartment, walk-up", + "11707": "wall", + "11708": "wall", + "11709": "wall_clock", + "11710": "wallet, billfold, notecase, pocketbook", + "11711": "wall_tent", + "11712": "wall_unit", + "11713": "wand", + "11714": "Wankel_engine, Wankel_rotary_engine, epitrochoidal_engine", + "11715": "ward, hospital_ward", + "11716": "wardrobe, closet, press", + "11717": "wardroom", + "11718": "warehouse, storage_warehouse", + "11719": "warming_pan", + "11720": "war_paint", + "11721": "warplane, military_plane", + "11722": "war_room", + "11723": "warship, war_vessel, combat_ship", + "11724": "wash", + "11725": "wash-and-wear", + "11726": "washbasin, handbasin, washbowl, lavabo, wash-hand_basin", + "11727": "washboard, splashboard", + "11728": "washboard", + "11729": "washer, automatic_washer, washing_machine", + "11730": "washer", + "11731": "washhouse", + "11732": "washroom", + "11733": "washstand, wash-hand_stand", + "11734": "washtub", + "11735": "wastepaper_basket, waste-paper_basket, wastebasket, waste_basket, circular_file", + "11736": "watch, ticker", + "11737": "watch_cap", + "11738": "watch_case", + "11739": "watch_glass", + "11740": "watchtower", + "11741": "water-base_paint", + "11742": "water_bed", + "11743": "water_bottle", + "11744": "water_butt", + "11745": "water_cart", + "11746": "water_chute", + "11747": "water_closet, closet, W.C., loo", + "11748": "watercolor, water-color, watercolour, water-colour", + "11749": "water-cooled_reactor", + "11750": "water_cooler", + "11751": "water_faucet, water_tap, tap, hydrant", + "11752": "water_filter", + "11753": "water_gauge, water_gage, water_glass", + "11754": "water_glass", + "11755": "water_hazard", + "11756": "water_heater, hot-water_heater, hot-water_tank", + "11757": "watering_can, watering_pot", + "11758": "watering_cart", + "11759": "water_jacket", + "11760": "water_jug", + "11761": "water_jump", + "11762": "water_level", + "11763": "water_meter", + "11764": "water_mill", + "11765": "waterproof", + "11766": "waterproofing", + "11767": "water_pump", + "11768": "water_scooter, sea_scooter, scooter", + "11769": "water_ski", + "11770": "waterspout", + "11771": "water_tower", + "11772": "water_wagon, water_waggon", + "11773": "waterwheel, water_wheel", + "11774": "waterwheel, water_wheel", + "11775": "water_wings", + "11776": "waterworks", + "11777": "wattmeter", + "11778": "waxwork, wax_figure", + "11779": "ways, shipway, slipway", + "11780": "weapon, arm, weapon_system", + "11781": "weaponry, arms, implements_of_war, weapons_system, munition", + "11782": "weapons_carrier", + "11783": "weathercock", + "11784": "weatherglass", + "11785": "weather_satellite, meteorological_satellite", + "11786": "weather_ship", + "11787": "weathervane, weather_vane, vane, wind_vane", + "11788": "web, entanglement", + "11789": "web", + "11790": "webbing", + "11791": "webcam", + "11792": "wedge", + "11793": "wedge", + "11794": "wedgie", + "11795": "Wedgwood", + "11796": "weeder, weed-whacker", + "11797": "weeds, widow's_weeds", + "11798": "weekender", + "11799": "weighbridge", + "11800": "weight, free_weight, exercising_weight", + "11801": "weir", + "11802": "weir", + "11803": "welcome_wagon", + "11804": "weld", + "11805": "welder's_mask", + "11806": "weldment", + "11807": "well", + "11808": "wellhead", + "11809": "welt", + "11810": "Weston_cell, cadmium_cell", + "11811": "wet_bar", + "11812": "wet-bulb_thermometer", + "11813": "wet_cell", + "11814": "wet_fly", + "11815": "wet_suit", + "11816": "whaleboat", + "11817": "whaler, whaling_ship", + "11818": "whaling_gun", + "11819": "wheel", + "11820": "wheel", + "11821": "wheel_and_axle", + "11822": "wheelchair", + "11823": "wheeled_vehicle", + "11824": "wheelwork", + "11825": "wherry", + "11826": "wherry, Norfolk_wherry", + "11827": "whetstone", + "11828": "whiffletree, whippletree, swingletree", + "11829": "whip", + "11830": "whipcord", + "11831": "whipping_post", + "11832": "whipstitch, whipping, whipstitching", + "11833": "whirler", + "11834": "whisk, whisk_broom", + "11835": "whisk", + "11836": "whiskey_bottle", + "11837": "whiskey_jug", + "11838": "whispering_gallery, whispering_dome", + "11839": "whistle", + "11840": "whistle", + "11841": "white", + "11842": "white_goods", + "11843": "whitewash", + "11844": "whorehouse, brothel, bordello, bagnio, house_of_prostitution, house_of_ill_repute, bawdyhouse, cathouse, sporting_house", + "11845": "wick, taper", + "11846": "wicker, wickerwork, caning", + "11847": "wicker_basket", + "11848": "wicket, hoop", + "11849": "wicket", + "11850": "wickiup, wikiup", + "11851": "wide-angle_lens, fisheye_lens", + "11852": "widebody_aircraft, wide-body_aircraft, wide-body, twin-aisle_airplane", + "11853": "wide_wale", + "11854": "widow's_walk", + "11855": "Wiffle, Wiffle_Ball", + "11856": "wig", + "11857": "wigwam", + "11858": "Wilton, Wilton_carpet", + "11859": "wimple", + "11860": "wincey", + "11861": "winceyette", + "11862": "winch, windlass", + "11863": "Winchester", + "11864": "windbreak, shelterbelt", + "11865": "winder, key", + "11866": "wind_instrument, wind", + "11867": "windjammer", + "11868": "windmill, aerogenerator, wind_generator", + "11869": "windmill", + "11870": "window", + "11871": "window", + "11872": "window_blind", + "11873": "window_box", + "11874": "window_envelope", + "11875": "window_frame", + "11876": "window_screen", + "11877": "window_seat", + "11878": "window_shade", + "11879": "windowsill", + "11880": "windshield, windscreen", + "11881": "windshield_wiper, windscreen_wiper, wiper, wiper_blade", + "11882": "Windsor_chair", + "11883": "Windsor_knot", + "11884": "Windsor_tie", + "11885": "wind_tee", + "11886": "wind_tunnel", + "11887": "wind_turbine", + "11888": "wine_bar", + "11889": "wine_bottle", + "11890": "wine_bucket, wine_cooler", + "11891": "wine_cask, wine_barrel", + "11892": "wineglass", + "11893": "winepress", + "11894": "winery, wine_maker", + "11895": "wineskin", + "11896": "wing", + "11897": "wing_chair", + "11898": "wing_nut, wing-nut, wing_screw, butterfly_nut, thumbnut", + "11899": "wing_tip", + "11900": "wing_tip", + "11901": "winker, blinker, blinder", + "11902": "wiper, wiper_arm, contact_arm", + "11903": "wiper_motor", + "11904": "wire", + "11905": "wire, conducting_wire", + "11906": "wire_cloth", + "11907": "wire_cutter", + "11908": "wire_gauge, wire_gage", + "11909": "wireless_local_area_network, WLAN, wireless_fidelity, WiFi", + "11910": "wire_matrix_printer, wire_printer, stylus_printer", + "11911": "wire_recorder", + "11912": "wire_stripper", + "11913": "wirework, grillwork", + "11914": "wiring", + "11915": "wishing_cap", + "11916": "witness_box, witness_stand", + "11917": "wok", + "11918": "woman's_clothing", + "11919": "wood", + "11920": "woodcarving", + "11921": "wood_chisel", + "11922": "woodenware", + "11923": "wooden_spoon", + "11924": "woodscrew", + "11925": "woodshed", + "11926": "wood_vise, woodworking_vise, shoulder_vise", + "11927": "woodwind, woodwind_instrument, wood", + "11928": "woof, weft, filling, pick", + "11929": "woofer", + "11930": "wool, woolen, woollen", + "11931": "workbasket, workbox, workbag", + "11932": "workbench, work_bench, bench", + "11933": "work-clothing, work-clothes", + "11934": "workhouse", + "11935": "workhouse", + "11936": "workpiece", + "11937": "workroom", + "11938": "works, workings", + "11939": "work-shirt", + "11940": "workstation", + "11941": "worktable, work_table", + "11942": "workwear", + "11943": "World_Wide_Web, WWW, web", + "11944": "worm_fence, snake_fence, snake-rail_fence, Virginia_fence", + "11945": "worm_gear", + "11946": "worm_wheel", + "11947": "worsted", + "11948": "worsted, worsted_yarn", + "11949": "wrap, wrapper", + "11950": "wraparound", + "11951": "wrapping, wrap, wrapper", + "11952": "wreck", + "11953": "wrench, spanner", + "11954": "wrestling_mat", + "11955": "wringer", + "11956": "wrist_pad", + "11957": "wrist_pin, gudgeon_pin", + "11958": "wristwatch, wrist_watch", + "11959": "writing_arm", + "11960": "writing_desk", + "11961": "writing_desk", + "11962": "writing_implement", + "11963": "xerographic_printer", + "11964": "Xerox, xerographic_copier, Xerox_machine", + "11965": "X-ray_film", + "11966": "X-ray_machine", + "11967": "X-ray_tube", + "11968": "yacht, racing_yacht", + "11969": "yacht_chair", + "11970": "yagi, Yagi_aerial", + "11971": "yard", + "11972": "yard", + "11973": "yardarm", + "11974": "yard_marker", + "11975": "yardstick, yard_measure", + "11976": "yarmulke, yarmulka, yarmelke", + "11977": "yashmak, yashmac", + "11978": "yataghan", + "11979": "yawl, dandy", + "11980": "yawl", + "11981": "yoke", + "11982": "yoke", + "11983": "yoke, coupling", + "11984": "yurt", + "11985": "Zamboni", + "11986": "zero", + "11987": "ziggurat, zikkurat, zikurat", + "11988": "zill", + "11989": "zip_gun", + "11990": "zither, cither, zithern", + "11991": "zoot_suit", + "11992": "shading", + "11993": "grain", + "11994": "wood_grain, woodgrain, woodiness", + "11995": "graining, woodgraining", + "11996": "marbleization, marbleisation, marbleizing, marbleising", + "11997": "light, lightness", + "11998": "aura, aureole, halo, nimbus, glory, gloriole", + "11999": "sunniness", + "12000": "glint", + "12001": "opalescence, iridescence", + "12002": "polish, gloss, glossiness, burnish", + "12003": "primary_color_for_pigments, primary_colour_for_pigments", + "12004": "primary_color_for_light, primary_colour_for_light", + "12005": "colorlessness, colourlessness, achromatism, achromaticity", + "12006": "mottle", + "12007": "achromia", + "12008": "shade, tint, tincture, tone", + "12009": "chromatic_color, chromatic_colour, spectral_color, spectral_colour", + "12010": "black, blackness, inkiness", + "12011": "coal_black, ebony, jet_black, pitch_black, sable, soot_black", + "12012": "alabaster", + "12013": "bone, ivory, pearl, off-white", + "12014": "gray, grayness, grey, greyness", + "12015": "ash_grey, ash_gray, silver, silver_grey, silver_gray", + "12016": "charcoal, charcoal_grey, charcoal_gray, oxford_grey, oxford_gray", + "12017": "sanguine", + "12018": "Turkey_red, alizarine_red", + "12019": "crimson, ruby, deep_red", + "12020": "dark_red", + "12021": "claret", + "12022": "fuschia", + "12023": "maroon", + "12024": "orange, orangeness", + "12025": "reddish_orange", + "12026": "yellow, yellowness", + "12027": "gamboge, lemon, lemon_yellow, maize", + "12028": "pale_yellow, straw, wheat", + "12029": "green, greenness, viridity", + "12030": "greenishness", + "12031": "sea_green", + "12032": "sage_green", + "12033": "bottle_green", + "12034": "emerald", + "12035": "olive_green, olive-green", + "12036": "jade_green, jade", + "12037": "blue, blueness", + "12038": "azure, cerulean, sapphire, lazuline, sky-blue", + "12039": "steel_blue", + "12040": "greenish_blue, aqua, aquamarine, turquoise, cobalt_blue, peacock_blue", + "12041": "purplish_blue, royal_blue", + "12042": "purple, purpleness", + "12043": "Tyrian_purple", + "12044": "indigo", + "12045": "lavender", + "12046": "reddish_purple, royal_purple", + "12047": "pink", + "12048": "carnation", + "12049": "rose, rosiness", + "12050": "chestnut", + "12051": "chocolate, coffee, deep_brown, umber, burnt_umber", + "12052": "light_brown", + "12053": "tan, topaz", + "12054": "beige, ecru", + "12055": "reddish_brown, sepia, burnt_sienna, Venetian_red, mahogany", + "12056": "brick_red", + "12057": "copper, copper_color", + "12058": "Indian_red", + "12059": "puce", + "12060": "olive", + "12061": "ultramarine", + "12062": "complementary_color, complementary", + "12063": "pigmentation", + "12064": "complexion, skin_color, skin_colour", + "12065": "ruddiness, rosiness", + "12066": "nonsolid_color, nonsolid_colour, dithered_color, dithered_colour", + "12067": "aposematic_coloration, warning_coloration", + "12068": "cryptic_coloration", + "12069": "ring", + "12070": "center_of_curvature, centre_of_curvature", + "12071": "cadaver, corpse, stiff, clay, remains", + "12072": "mandibular_notch", + "12073": "rib", + "12074": "skin, tegument, cutis", + "12075": "skin_graft", + "12076": "epidermal_cell", + "12077": "melanocyte", + "12078": "prickle_cell", + "12079": "columnar_cell, columnar_epithelial_cell", + "12080": "spongioblast", + "12081": "squamous_cell", + "12082": "amyloid_plaque, amyloid_protein_plaque", + "12083": "dental_plaque, bacterial_plaque", + "12084": "macule, macula", + "12085": "freckle, lentigo", + "12086": "bouffant", + "12087": "sausage_curl", + "12088": "forelock", + "12089": "spit_curl, kiss_curl", + "12090": "pigtail", + "12091": "pageboy", + "12092": "pompadour", + "12093": "thatch", + "12094": "soup-strainer, toothbrush", + "12095": "mustachio, moustachio, handle-bars", + "12096": "walrus_mustache, walrus_moustache", + "12097": "stubble", + "12098": "vandyke_beard, vandyke", + "12099": "soul_patch, Attilio", + "12100": "esophageal_smear", + "12101": "paraduodenal_smear, duodenal_smear", + "12102": "specimen", + "12103": "punctum", + "12104": "glenoid_fossa, glenoid_cavity", + "12105": "diastema", + "12106": "marrow, bone_marrow", + "12107": "mouth, oral_cavity, oral_fissure, rima_oris", + "12108": "canthus", + "12109": "milk", + "12110": "mother's_milk", + "12111": "colostrum, foremilk", + "12112": "vein, vena, venous_blood_vessel", + "12113": "ganglion_cell, gangliocyte", + "12114": "X_chromosome", + "12115": "embryonic_cell, formative_cell", + "12116": "myeloblast", + "12117": "sideroblast", + "12118": "osteocyte", + "12119": "megalocyte, macrocyte", + "12120": "leukocyte, leucocyte, white_blood_cell, white_cell, white_blood_corpuscle, white_corpuscle, WBC", + "12121": "histiocyte", + "12122": "fixed_phagocyte", + "12123": "lymphocyte, lymph_cell", + "12124": "monoblast", + "12125": "neutrophil, neutrophile", + "12126": "microphage", + "12127": "sickle_cell", + "12128": "siderocyte", + "12129": "spherocyte", + "12130": "ootid", + "12131": "oocyte", + "12132": "spermatid", + "12133": "Leydig_cell, Leydig's_cell", + "12134": "striated_muscle_cell, striated_muscle_fiber", + "12135": "smooth_muscle_cell", + "12136": "Ranvier's_nodes, nodes_of_Ranvier", + "12137": "neuroglia, glia", + "12138": "astrocyte", + "12139": "protoplasmic_astrocyte", + "12140": "oligodendrocyte", + "12141": "proprioceptor", + "12142": "dendrite", + "12143": "sensory_fiber, afferent_fiber", + "12144": "subarachnoid_space", + "12145": "cerebral_cortex, cerebral_mantle, pallium, cortex", + "12146": "renal_cortex", + "12147": "prepuce, foreskin", + "12148": "head, caput", + "12149": "scalp", + "12150": "frontal_eminence", + "12151": "suture, sutura, fibrous_joint", + "12152": "foramen_magnum", + "12153": "esophagogastric_junction, oesophagogastric_junction", + "12154": "heel", + "12155": "cuticle", + "12156": "hangnail, agnail", + "12157": "exoskeleton", + "12158": "abdominal_wall", + "12159": "lemon", + "12160": "coordinate_axis", + "12161": "landscape", + "12162": "medium", + "12163": "vehicle", + "12164": "paper", + "12165": "channel, transmission_channel", + "12166": "film, cinema, celluloid", + "12167": "silver_screen", + "12168": "free_press", + "12169": "press, public_press", + "12170": "print_media", + "12171": "storage_medium, data-storage_medium", + "12172": "magnetic_storage_medium, magnetic_medium, magnetic_storage", + "12173": "journalism, news_media", + "12174": "Fleet_Street", + "12175": "photojournalism", + "12176": "news_photography", + "12177": "rotogravure", + "12178": "newspaper, paper", + "12179": "daily", + "12180": "gazette", + "12181": "school_newspaper, school_paper", + "12182": "tabloid, rag, sheet", + "12183": "yellow_journalism, tabloid, tab", + "12184": "telecommunication, telecom", + "12185": "telephone, telephony", + "12186": "voice_mail, voicemail", + "12187": "call, phone_call, telephone_call", + "12188": "call-back", + "12189": "collect_call", + "12190": "call_forwarding", + "12191": "call-in", + "12192": "call_waiting", + "12193": "crank_call", + "12194": "local_call", + "12195": "long_distance, long-distance_call, trunk_call", + "12196": "toll_call", + "12197": "wake-up_call", + "12198": "three-way_calling", + "12199": "telegraphy", + "12200": "cable, cablegram, overseas_telegram", + "12201": "wireless", + "12202": "radiotelegraph, radiotelegraphy, wireless_telegraphy", + "12203": "radiotelephone, radiotelephony, wireless_telephone", + "12204": "broadcasting", + "12205": "Rediffusion", + "12206": "multiplex", + "12207": "radio, radiocommunication, wireless", + "12208": "television, telecasting, TV, video", + "12209": "cable_television, cable", + "12210": "high-definition_television, HDTV", + "12211": "reception", + "12212": "signal_detection, detection", + "12213": "Hakham", + "12214": "web_site, website, internet_site, site", + "12215": "chat_room, chatroom", + "12216": "portal_site, portal", + "12217": "jotter", + "12218": "breviary", + "12219": "wordbook", + "12220": "desk_dictionary, collegiate_dictionary", + "12221": "reckoner, ready_reckoner", + "12222": "document, written_document, papers", + "12223": "album, record_album", + "12224": "concept_album", + "12225": "rock_opera", + "12226": "tribute_album, benefit_album", + "12227": "magazine, mag", + "12228": "colour_supplement", + "12229": "comic_book", + "12230": "news_magazine", + "12231": "pulp, pulp_magazine", + "12232": "slick, slick_magazine, glossy", + "12233": "trade_magazine", + "12234": "movie, film, picture, moving_picture, moving-picture_show, motion_picture, motion-picture_show, picture_show, pic, flick", + "12235": "outtake", + "12236": "shoot-'em-up", + "12237": "spaghetti_Western", + "12238": "encyclical, encyclical_letter", + "12239": "crossword_puzzle, crossword", + "12240": "sign", + "12241": "street_sign", + "12242": "traffic_light, traffic_signal, stoplight", + "12243": "swastika, Hakenkreuz", + "12244": "concert", + "12245": "artwork, art, graphics, nontextual_matter", + "12246": "lobe", + "12247": "book_jacket, dust_cover, dust_jacket, dust_wrapper", + "12248": "cairn", + "12249": "three-day_event", + "12250": "comfort_food", + "12251": "comestible, edible, eatable, pabulum, victual, victuals", + "12252": "tuck", + "12253": "course", + "12254": "dainty, delicacy, goody, kickshaw, treat", + "12255": "dish", + "12256": "fast_food", + "12257": "finger_food", + "12258": "ingesta", + "12259": "kosher", + "12260": "fare", + "12261": "diet", + "12262": "diet", + "12263": "dietary", + "12264": "balanced_diet", + "12265": "bland_diet, ulcer_diet", + "12266": "clear_liquid_diet", + "12267": "diabetic_diet", + "12268": "dietary_supplement", + "12269": "carbohydrate_loading, carbo_loading", + "12270": "fad_diet", + "12271": "gluten-free_diet", + "12272": "high-protein_diet", + "12273": "high-vitamin_diet, vitamin-deficiency_diet", + "12274": "light_diet", + "12275": "liquid_diet", + "12276": "low-calorie_diet", + "12277": "low-fat_diet", + "12278": "low-sodium_diet, low-salt_diet, salt-free_diet", + "12279": "macrobiotic_diet", + "12280": "reducing_diet, obesity_diet", + "12281": "soft_diet, pap, spoon_food", + "12282": "vegetarianism", + "12283": "menu", + "12284": "chow, chuck, eats, grub", + "12285": "board, table", + "12286": "mess", + "12287": "ration", + "12288": "field_ration", + "12289": "K_ration", + "12290": "C-ration", + "12291": "foodstuff, food_product", + "12292": "starches", + "12293": "breadstuff", + "12294": "coloring, colouring, food_coloring, food_colouring, food_color, food_colour", + "12295": "concentrate", + "12296": "tomato_concentrate", + "12297": "meal", + "12298": "kibble", + "12299": "cornmeal, Indian_meal", + "12300": "farina", + "12301": "matzo_meal, matzoh_meal, matzah_meal", + "12302": "oatmeal, rolled_oats", + "12303": "pea_flour", + "12304": "roughage, fiber", + "12305": "bran", + "12306": "flour", + "12307": "plain_flour", + "12308": "wheat_flour", + "12309": "whole_wheat_flour, graham_flour, graham, whole_meal_flour", + "12310": "soybean_meal, soybean_flour, soy_flour", + "12311": "semolina", + "12312": "corn_gluten_feed", + "12313": "nutriment, nourishment, nutrition, sustenance, aliment, alimentation, victuals", + "12314": "commissariat, provisions, provender, viands, victuals", + "12315": "larder", + "12316": "frozen_food, frozen_foods", + "12317": "canned_food, canned_foods, canned_goods, tinned_goods", + "12318": "canned_meat, tinned_meat", + "12319": "Spam", + "12320": "dehydrated_food, dehydrated_foods", + "12321": "square_meal", + "12322": "meal, repast", + "12323": "potluck", + "12324": "refection", + "12325": "refreshment", + "12326": "breakfast", + "12327": "continental_breakfast, petit_dejeuner", + "12328": "brunch", + "12329": "lunch, luncheon, tiffin, dejeuner", + "12330": "business_lunch", + "12331": "high_tea", + "12332": "tea, afternoon_tea, teatime", + "12333": "dinner", + "12334": "supper", + "12335": "buffet", + "12336": "picnic", + "12337": "cookout", + "12338": "barbecue, barbeque", + "12339": "clambake", + "12340": "fish_fry", + "12341": "bite, collation, snack", + "12342": "nosh", + "12343": "nosh-up", + "12344": "ploughman's_lunch", + "12345": "coffee_break, tea_break", + "12346": "banquet, feast, spread", + "12347": "entree, main_course", + "12348": "piece_de_resistance", + "12349": "plate", + "12350": "adobo", + "12351": "side_dish, side_order, entremets", + "12352": "special", + "12353": "casserole", + "12354": "chicken_casserole", + "12355": "chicken_cacciatore, chicken_cacciatora, hunter's_chicken", + "12356": "antipasto", + "12357": "appetizer, appetiser, starter", + "12358": "canape", + "12359": "cocktail", + "12360": "fruit_cocktail", + "12361": "crab_cocktail", + "12362": "shrimp_cocktail", + "12363": "hors_d'oeuvre", + "12364": "relish", + "12365": "dip", + "12366": "bean_dip", + "12367": "cheese_dip", + "12368": "clam_dip", + "12369": "guacamole", + "12370": "soup", + "12371": "soup_du_jour", + "12372": "alphabet_soup", + "12373": "consomme", + "12374": "madrilene", + "12375": "bisque", + "12376": "borsch, borsh, borscht, borsht, borshch, bortsch", + "12377": "broth", + "12378": "barley_water", + "12379": "bouillon", + "12380": "beef_broth, beef_stock", + "12381": "chicken_broth, chicken_stock", + "12382": "broth, stock", + "12383": "stock_cube", + "12384": "chicken_soup", + "12385": "cock-a-leekie, cocky-leeky", + "12386": "gazpacho", + "12387": "gumbo", + "12388": "julienne", + "12389": "marmite", + "12390": "mock_turtle_soup", + "12391": "mulligatawny", + "12392": "oxtail_soup", + "12393": "pea_soup", + "12394": "pepper_pot, Philadelphia_pepper_pot", + "12395": "petite_marmite, minestrone, vegetable_soup", + "12396": "potage, pottage", + "12397": "pottage", + "12398": "turtle_soup, green_turtle_soup", + "12399": "eggdrop_soup", + "12400": "chowder", + "12401": "corn_chowder", + "12402": "clam_chowder", + "12403": "Manhattan_clam_chowder", + "12404": "New_England_clam_chowder", + "12405": "fish_chowder", + "12406": "won_ton, wonton, wonton_soup", + "12407": "split-pea_soup", + "12408": "green_pea_soup, potage_St._Germain", + "12409": "lentil_soup", + "12410": "Scotch_broth", + "12411": "vichyssoise", + "12412": "stew", + "12413": "bigos", + "12414": "Brunswick_stew", + "12415": "burgoo", + "12416": "burgoo", + "12417": "olla_podrida, Spanish_burgoo", + "12418": "mulligan_stew, mulligan, Irish_burgoo", + "12419": "purloo, chicken_purloo, poilu", + "12420": "goulash, Hungarian_goulash, gulyas", + "12421": "hotchpotch", + "12422": "hot_pot, hotpot", + "12423": "beef_goulash", + "12424": "pork-and-veal_goulash", + "12425": "porkholt", + "12426": "Irish_stew", + "12427": "oyster_stew", + "12428": "lobster_stew", + "12429": "lobscouse, lobscuse, scouse", + "12430": "fish_stew", + "12431": "bouillabaisse", + "12432": "matelote", + "12433": "paella", + "12434": "fricassee", + "12435": "chicken_stew", + "12436": "turkey_stew", + "12437": "beef_stew", + "12438": "ragout", + "12439": "ratatouille", + "12440": "salmi", + "12441": "pot-au-feu", + "12442": "slumgullion", + "12443": "smorgasbord", + "12444": "viand", + "12445": "ready-mix", + "12446": "brownie_mix", + "12447": "cake_mix", + "12448": "lemonade_mix", + "12449": "self-rising_flour, self-raising_flour", + "12450": "choice_morsel, tidbit, titbit", + "12451": "savory, savoury", + "12452": "calf's-foot_jelly", + "12453": "caramel, caramelized_sugar", + "12454": "lump_sugar", + "12455": "cane_sugar", + "12456": "castor_sugar, caster_sugar", + "12457": "powdered_sugar", + "12458": "granulated_sugar", + "12459": "icing_sugar", + "12460": "corn_sugar", + "12461": "brown_sugar", + "12462": "demerara, demerara_sugar", + "12463": "sweet, confection", + "12464": "confectionery", + "12465": "confiture", + "12466": "sweetmeat", + "12467": "candy, confect", + "12468": "candy_bar", + "12469": "carob_bar", + "12470": "hardbake", + "12471": "hard_candy", + "12472": "barley-sugar, barley_candy", + "12473": "brandyball", + "12474": "jawbreaker", + "12475": "lemon_drop", + "12476": "sourball", + "12477": "patty", + "12478": "peppermint_patty", + "12479": "bonbon", + "12480": "brittle, toffee, toffy", + "12481": "peanut_brittle", + "12482": "chewing_gum, gum", + "12483": "gum_ball", + "12484": "bubble_gum", + "12485": "butterscotch", + "12486": "candied_fruit, succade, crystallized_fruit", + "12487": "candied_apple, candy_apple, taffy_apple, caramel_apple, toffee_apple", + "12488": "crystallized_ginger", + "12489": "grapefruit_peel", + "12490": "lemon_peel", + "12491": "orange_peel", + "12492": "candied_citrus_peel", + "12493": "candy_cane", + "12494": "candy_corn", + "12495": "caramel", + "12496": "center, centre", + "12497": "comfit", + "12498": "cotton_candy, spun_sugar, candyfloss", + "12499": "dragee", + "12500": "dragee", + "12501": "fondant", + "12502": "fudge", + "12503": "chocolate_fudge", + "12504": "divinity, divinity_fudge", + "12505": "penuche, penoche, panoche, panocha", + "12506": "gumdrop", + "12507": "jujube", + "12508": "honey_crisp", + "12509": "mint, mint_candy", + "12510": "horehound", + "12511": "peppermint, peppermint_candy", + "12512": "jelly_bean, jelly_egg", + "12513": "kiss, candy_kiss", + "12514": "molasses_kiss", + "12515": "meringue_kiss", + "12516": "chocolate_kiss", + "12517": "licorice, liquorice", + "12518": "Life_Saver", + "12519": "lollipop, sucker, all-day_sucker", + "12520": "lozenge", + "12521": "cachou", + "12522": "cough_drop, troche, pastille, pastil", + "12523": "marshmallow", + "12524": "marzipan, marchpane", + "12525": "nougat", + "12526": "nougat_bar", + "12527": "nut_bar", + "12528": "peanut_bar", + "12529": "popcorn_ball", + "12530": "praline", + "12531": "rock_candy", + "12532": "rock_candy, rock", + "12533": "sugar_candy", + "12534": "sugarplum", + "12535": "taffy", + "12536": "molasses_taffy", + "12537": "truffle, chocolate_truffle", + "12538": "Turkish_Delight", + "12539": "dessert, sweet, afters", + "12540": "ambrosia, nectar", + "12541": "ambrosia", + "12542": "baked_Alaska", + "12543": "blancmange", + "12544": "charlotte", + "12545": "compote, fruit_compote", + "12546": "dumpling", + "12547": "flan", + "12548": "frozen_dessert", + "12549": "junket", + "12550": "mousse", + "12551": "mousse", + "12552": "pavlova", + "12553": "peach_melba", + "12554": "whip", + "12555": "prune_whip", + "12556": "pudding", + "12557": "pudding, pud", + "12558": "syllabub, sillabub", + "12559": "tiramisu", + "12560": "trifle", + "12561": "tipsy_cake", + "12562": "jello, Jell-O", + "12563": "apple_dumpling", + "12564": "ice, frappe", + "12565": "water_ice, sorbet", + "12566": "ice_cream, icecream", + "12567": "ice-cream_cone", + "12568": "chocolate_ice_cream", + "12569": "Neapolitan_ice_cream", + "12570": "peach_ice_cream", + "12571": "sherbert, sherbet", + "12572": "strawberry_ice_cream", + "12573": "tutti-frutti", + "12574": "vanilla_ice_cream", + "12575": "ice_lolly, lolly, lollipop, popsicle", + "12576": "ice_milk", + "12577": "frozen_yogurt", + "12578": "snowball", + "12579": "snowball", + "12580": "parfait", + "12581": "ice-cream_sundae, sundae", + "12582": "split", + "12583": "banana_split", + "12584": "frozen_pudding", + "12585": "frozen_custard, soft_ice_cream", + "12586": "pudding", + "12587": "flummery", + "12588": "fish_mousse", + "12589": "chicken_mousse", + "12590": "chocolate_mousse", + "12591": "plum_pudding, Christmas_pudding", + "12592": "carrot_pudding", + "12593": "corn_pudding", + "12594": "steamed_pudding", + "12595": "duff, plum_duff", + "12596": "vanilla_pudding", + "12597": "chocolate_pudding", + "12598": "brown_Betty", + "12599": "Nesselrode, Nesselrode_pudding", + "12600": "pease_pudding", + "12601": "custard", + "12602": "creme_caramel", + "12603": "creme_anglais", + "12604": "creme_brulee", + "12605": "fruit_custard", + "12606": "tapioca", + "12607": "tapioca_pudding", + "12608": "roly-poly, roly-poly_pudding", + "12609": "suet_pudding", + "12610": "Bavarian_cream", + "12611": "maraschino, maraschino_cherry", + "12612": "nonpareil", + "12613": "zabaglione, sabayon", + "12614": "garnish", + "12615": "pastry, pastry_dough", + "12616": "turnover", + "12617": "apple_turnover", + "12618": "knish", + "12619": "pirogi, piroshki, pirozhki", + "12620": "samosa", + "12621": "timbale", + "12622": "puff_paste, pate_feuillete", + "12623": "phyllo", + "12624": "puff_batter, pouf_paste, pate_a_choux", + "12625": "ice-cream_cake, icebox_cake", + "12626": "doughnut, donut, sinker", + "12627": "fish_cake, fish_ball", + "12628": "fish_stick, fish_finger", + "12629": "conserve, preserve, conserves, preserves", + "12630": "apple_butter", + "12631": "chowchow", + "12632": "jam", + "12633": "lemon_curd, lemon_cheese", + "12634": "strawberry_jam, strawberry_preserves", + "12635": "jelly", + "12636": "apple_jelly", + "12637": "crabapple_jelly", + "12638": "grape_jelly", + "12639": "marmalade", + "12640": "orange_marmalade", + "12641": "gelatin, jelly", + "12642": "gelatin_dessert", + "12643": "buffalo_wing", + "12644": "barbecued_wing", + "12645": "mess", + "12646": "mince", + "12647": "puree", + "12648": "barbecue, barbeque", + "12649": "biryani, biriani", + "12650": "escalope_de_veau_Orloff", + "12651": "saute", + "12652": "patty, cake", + "12653": "veal_parmesan, veal_parmigiana", + "12654": "veal_cordon_bleu", + "12655": "margarine, margarin, oleo, oleomargarine, marge", + "12656": "mincemeat", + "12657": "stuffing, dressing", + "12658": "turkey_stuffing", + "12659": "oyster_stuffing, oyster_dressing", + "12660": "forcemeat, farce", + "12661": "bread, breadstuff, staff_of_life", + "12662": "anadama_bread", + "12663": "bap", + "12664": "barmbrack", + "12665": "breadstick, bread-stick", + "12666": "grissino", + "12667": "brown_bread, Boston_brown_bread", + "12668": "bun, roll", + "12669": "tea_bread", + "12670": "caraway_seed_bread", + "12671": "challah, hallah", + "12672": "cinnamon_bread", + "12673": "cracked-wheat_bread", + "12674": "cracker", + "12675": "crouton", + "12676": "dark_bread, whole_wheat_bread, whole_meal_bread, brown_bread", + "12677": "English_muffin", + "12678": "flatbread", + "12679": "garlic_bread", + "12680": "gluten_bread", + "12681": "graham_bread", + "12682": "Host", + "12683": "flatbrod", + "12684": "bannock", + "12685": "chapatti, chapati", + "12686": "pita, pocket_bread", + "12687": "loaf_of_bread, loaf", + "12688": "French_loaf", + "12689": "matzo, matzoh, matzah, unleavened_bread", + "12690": "nan, naan", + "12691": "onion_bread", + "12692": "raisin_bread", + "12693": "quick_bread", + "12694": "banana_bread", + "12695": "date_bread", + "12696": "date-nut_bread", + "12697": "nut_bread", + "12698": "oatcake", + "12699": "Irish_soda_bread", + "12700": "skillet_bread, fry_bread", + "12701": "rye_bread", + "12702": "black_bread, pumpernickel", + "12703": "Jewish_rye_bread, Jewish_rye", + "12704": "limpa", + "12705": "Swedish_rye_bread, Swedish_rye", + "12706": "salt-rising_bread", + "12707": "simnel", + "12708": "sour_bread, sourdough_bread", + "12709": "toast", + "12710": "wafer", + "12711": "white_bread, light_bread", + "12712": "baguet, baguette", + "12713": "French_bread", + "12714": "Italian_bread", + "12715": "cornbread", + "12716": "corn_cake", + "12717": "skillet_corn_bread", + "12718": "ashcake, ash_cake, corn_tash", + "12719": "hoecake", + "12720": "cornpone, pone", + "12721": "corn_dab, corn_dodger, dodger", + "12722": "hush_puppy, hushpuppy", + "12723": "johnnycake, johnny_cake, journey_cake", + "12724": "Shawnee_cake", + "12725": "spoon_bread, batter_bread", + "12726": "cinnamon_toast", + "12727": "orange_toast", + "12728": "Melba_toast", + "12729": "zwieback, rusk, Brussels_biscuit, twice-baked_bread", + "12730": "frankfurter_bun, hotdog_bun", + "12731": "hamburger_bun, hamburger_roll", + "12732": "muffin, gem", + "12733": "bran_muffin", + "12734": "corn_muffin", + "12735": "Yorkshire_pudding", + "12736": "popover", + "12737": "scone", + "12738": "drop_scone, griddlecake, Scotch_pancake", + "12739": "cross_bun, hot_cross_bun", + "12740": "brioche", + "12741": "crescent_roll, croissant", + "12742": "hard_roll, Vienna_roll", + "12743": "soft_roll", + "12744": "kaiser_roll", + "12745": "Parker_House_roll", + "12746": "clover-leaf_roll", + "12747": "onion_roll", + "12748": "bialy, bialystoker", + "12749": "sweet_roll, coffee_roll", + "12750": "bear_claw, bear_paw", + "12751": "cinnamon_roll, cinnamon_bun, cinnamon_snail", + "12752": "honey_bun, sticky_bun, caramel_bun, schnecken", + "12753": "pinwheel_roll", + "12754": "danish, danish_pastry", + "12755": "bagel, beigel", + "12756": "onion_bagel", + "12757": "biscuit", + "12758": "rolled_biscuit", + "12759": "baking-powder_biscuit", + "12760": "buttermilk_biscuit, soda_biscuit", + "12761": "shortcake", + "12762": "hardtack, pilot_biscuit, pilot_bread, sea_biscuit, ship_biscuit", + "12763": "saltine", + "12764": "soda_cracker", + "12765": "oyster_cracker", + "12766": "water_biscuit", + "12767": "graham_cracker", + "12768": "pretzel", + "12769": "soft_pretzel", + "12770": "sandwich", + "12771": "sandwich_plate", + "12772": "butty", + "12773": "ham_sandwich", + "12774": "chicken_sandwich", + "12775": "club_sandwich, three-decker, triple-decker", + "12776": "open-face_sandwich, open_sandwich", + "12777": "hamburger, beefburger, burger", + "12778": "cheeseburger", + "12779": "tunaburger", + "12780": "hotdog, hot_dog, red_hot", + "12781": "Sloppy_Joe", + "12782": "bomber, grinder, hero, hero_sandwich, hoagie, hoagy, Cuban_sandwich, Italian_sandwich, poor_boy, sub, submarine, submarine_sandwich, torpedo, wedge, zep", + "12783": "gyro", + "12784": "bacon-lettuce-tomato_sandwich, BLT", + "12785": "Reuben", + "12786": "western, western_sandwich", + "12787": "wrap", + "12788": "spaghetti", + "12789": "hasty_pudding", + "12790": "gruel", + "12791": "congee, jook", + "12792": "skilly", + "12793": "edible_fruit", + "12794": "vegetable, veggie, veg", + "12795": "julienne, julienne_vegetable", + "12796": "raw_vegetable, rabbit_food", + "12797": "crudites", + "12798": "celery_stick", + "12799": "legume", + "12800": "pulse", + "12801": "potherb", + "12802": "greens, green, leafy_vegetable", + "12803": "chop-suey_greens", + "12804": "bean_curd, tofu", + "12805": "solanaceous_vegetable", + "12806": "root_vegetable", + "12807": "potato, white_potato, Irish_potato, murphy, spud, tater", + "12808": "baked_potato", + "12809": "french_fries, french-fried_potatoes, fries, chips", + "12810": "home_fries, home-fried_potatoes", + "12811": "jacket_potato", + "12812": "mashed_potato", + "12813": "potato_skin, potato_peel, potato_peelings", + "12814": "Uruguay_potato", + "12815": "yam", + "12816": "sweet_potato", + "12817": "yam", + "12818": "snack_food", + "12819": "chip, crisp, potato_chip, Saratoga_chip", + "12820": "corn_chip", + "12821": "tortilla_chip", + "12822": "nacho", + "12823": "eggplant, aubergine, mad_apple", + "12824": "pieplant, rhubarb", + "12825": "cruciferous_vegetable", + "12826": "mustard, mustard_greens, leaf_mustard, Indian_mustard", + "12827": "cabbage, chou", + "12828": "kale, kail, cole", + "12829": "collards, collard_greens", + "12830": "Chinese_cabbage, celery_cabbage, Chinese_celery", + "12831": "bok_choy, bok_choi", + "12832": "head_cabbage", + "12833": "red_cabbage", + "12834": "savoy_cabbage, savoy", + "12835": "broccoli", + "12836": "cauliflower", + "12837": "brussels_sprouts", + "12838": "broccoli_rabe, broccoli_raab", + "12839": "squash", + "12840": "summer_squash", + "12841": "yellow_squash", + "12842": "crookneck, crookneck_squash, summer_crookneck", + "12843": "zucchini, courgette", + "12844": "marrow, vegetable_marrow", + "12845": "cocozelle", + "12846": "pattypan_squash", + "12847": "spaghetti_squash", + "12848": "winter_squash", + "12849": "acorn_squash", + "12850": "butternut_squash", + "12851": "hubbard_squash", + "12852": "turban_squash", + "12853": "buttercup_squash", + "12854": "cushaw", + "12855": "winter_crookneck_squash", + "12856": "cucumber, cuke", + "12857": "gherkin", + "12858": "artichoke, globe_artichoke", + "12859": "artichoke_heart", + "12860": "Jerusalem_artichoke, sunchoke", + "12861": "asparagus", + "12862": "bamboo_shoot", + "12863": "sprout", + "12864": "bean_sprout", + "12865": "alfalfa_sprout", + "12866": "beet, beetroot", + "12867": "beet_green", + "12868": "sugar_beet", + "12869": "mangel-wurzel", + "12870": "chard, Swiss_chard, spinach_beet, leaf_beet", + "12871": "pepper", + "12872": "sweet_pepper", + "12873": "bell_pepper", + "12874": "green_pepper", + "12875": "globe_pepper", + "12876": "pimento, pimiento", + "12877": "hot_pepper", + "12878": "chili, chili_pepper, chilli, chilly, chile", + "12879": "jalapeno, jalapeno_pepper", + "12880": "chipotle", + "12881": "cayenne, cayenne_pepper", + "12882": "tabasco, red_pepper", + "12883": "onion", + "12884": "Bermuda_onion", + "12885": "green_onion, spring_onion, scallion", + "12886": "Vidalia_onion", + "12887": "Spanish_onion", + "12888": "purple_onion, red_onion", + "12889": "leek", + "12890": "shallot", + "12891": "salad_green, salad_greens", + "12892": "lettuce", + "12893": "butterhead_lettuce", + "12894": "buttercrunch", + "12895": "Bibb_lettuce", + "12896": "Boston_lettuce", + "12897": "crisphead_lettuce, iceberg_lettuce, iceberg", + "12898": "cos, cos_lettuce, romaine, romaine_lettuce", + "12899": "leaf_lettuce, loose-leaf_lettuce", + "12900": "celtuce", + "12901": "bean, edible_bean", + "12902": "goa_bean", + "12903": "lentil", + "12904": "pea", + "12905": "green_pea, garden_pea", + "12906": "marrowfat_pea", + "12907": "snow_pea, sugar_pea", + "12908": "sugar_snap_pea", + "12909": "split-pea", + "12910": "chickpea, garbanzo", + "12911": "cajan_pea, pigeon_pea, dahl", + "12912": "field_pea", + "12913": "mushy_peas", + "12914": "black-eyed_pea, cowpea", + "12915": "common_bean", + "12916": "kidney_bean", + "12917": "navy_bean, pea_bean, white_bean", + "12918": "pinto_bean", + "12919": "frijole", + "12920": "black_bean, turtle_bean", + "12921": "fresh_bean", + "12922": "flageolet, haricot", + "12923": "green_bean", + "12924": "snap_bean, snap", + "12925": "string_bean", + "12926": "Kentucky_wonder, Kentucky_wonder_bean", + "12927": "scarlet_runner, scarlet_runner_bean, runner_bean, English_runner_bean", + "12928": "haricot_vert, haricots_verts, French_bean", + "12929": "wax_bean, yellow_bean", + "12930": "shell_bean", + "12931": "lima_bean", + "12932": "Fordhooks", + "12933": "sieva_bean, butter_bean, butterbean, civet_bean", + "12934": "fava_bean, broad_bean", + "12935": "soy, soybean, soya, soya_bean", + "12936": "green_soybean", + "12937": "field_soybean", + "12938": "cardoon", + "12939": "carrot", + "12940": "carrot_stick", + "12941": "celery", + "12942": "pascal_celery, Paschal_celery", + "12943": "celeriac, celery_root", + "12944": "chicory, curly_endive", + "12945": "radicchio", + "12946": "coffee_substitute", + "12947": "chicory, chicory_root", + "12948": "Postum", + "12949": "chicory_escarole, endive, escarole", + "12950": "Belgian_endive, French_endive, witloof", + "12951": "corn, edible_corn", + "12952": "sweet_corn, green_corn", + "12953": "hominy", + "12954": "lye_hominy", + "12955": "pearl_hominy", + "12956": "popcorn", + "12957": "cress", + "12958": "watercress", + "12959": "garden_cress", + "12960": "winter_cress", + "12961": "dandelion_green", + "12962": "gumbo, okra", + "12963": "kohlrabi, turnip_cabbage", + "12964": "lamb's-quarter, pigweed, wild_spinach", + "12965": "wild_spinach", + "12966": "tomato", + "12967": "beefsteak_tomato", + "12968": "cherry_tomato", + "12969": "plum_tomato", + "12970": "tomatillo, husk_tomato, Mexican_husk_tomato", + "12971": "mushroom", + "12972": "stuffed_mushroom", + "12973": "salsify", + "12974": "oyster_plant, vegetable_oyster", + "12975": "scorzonera, black_salsify", + "12976": "parsnip", + "12977": "pumpkin", + "12978": "radish", + "12979": "turnip", + "12980": "white_turnip", + "12981": "rutabaga, swede, swedish_turnip, yellow_turnip", + "12982": "turnip_greens", + "12983": "sorrel, common_sorrel", + "12984": "French_sorrel", + "12985": "spinach", + "12986": "taro, taro_root, cocoyam, dasheen, edda", + "12987": "truffle, earthnut", + "12988": "edible_nut", + "12989": "bunya_bunya", + "12990": "peanut, earthnut, goober, goober_pea, groundnut, monkey_nut", + "12991": "freestone", + "12992": "cling, clingstone", + "12993": "windfall", + "12994": "apple", + "12995": "crab_apple, crabapple", + "12996": "eating_apple, dessert_apple", + "12997": "Baldwin", + "12998": "Cortland", + "12999": "Cox's_Orange_Pippin", + "13000": "Delicious", + "13001": "Golden_Delicious, Yellow_Delicious", + "13002": "Red_Delicious", + "13003": "Empire", + "13004": "Grimes'_golden", + "13005": "Jonathan", + "13006": "McIntosh", + "13007": "Macoun", + "13008": "Northern_Spy", + "13009": "Pearmain", + "13010": "Pippin", + "13011": "Prima", + "13012": "Stayman", + "13013": "Winesap", + "13014": "Stayman_Winesap", + "13015": "cooking_apple", + "13016": "Bramley's_Seedling", + "13017": "Granny_Smith", + "13018": "Lane's_Prince_Albert", + "13019": "Newtown_Wonder", + "13020": "Rome_Beauty", + "13021": "berry", + "13022": "bilberry, whortleberry, European_blueberry", + "13023": "huckleberry", + "13024": "blueberry", + "13025": "wintergreen, boxberry, checkerberry, teaberry, spiceberry", + "13026": "cranberry", + "13027": "lingonberry, mountain_cranberry, cowberry, lowbush_cranberry", + "13028": "currant", + "13029": "gooseberry", + "13030": "black_currant", + "13031": "red_currant", + "13032": "blackberry", + "13033": "boysenberry", + "13034": "dewberry", + "13035": "loganberry", + "13036": "raspberry", + "13037": "saskatoon, serviceberry, shadberry, juneberry", + "13038": "strawberry", + "13039": "sugarberry, hackberry", + "13040": "persimmon", + "13041": "acerola, barbados_cherry, surinam_cherry, West_Indian_cherry", + "13042": "carambola, star_fruit", + "13043": "ceriman, monstera", + "13044": "carissa_plum, natal_plum", + "13045": "citrus, citrus_fruit, citrous_fruit", + "13046": "orange", + "13047": "temple_orange", + "13048": "mandarin, mandarin_orange", + "13049": "clementine", + "13050": "satsuma", + "13051": "tangerine", + "13052": "tangelo, ugli, ugli_fruit", + "13053": "bitter_orange, Seville_orange, sour_orange", + "13054": "sweet_orange", + "13055": "Jaffa_orange", + "13056": "navel_orange", + "13057": "Valencia_orange", + "13058": "kumquat", + "13059": "lemon", + "13060": "lime", + "13061": "key_lime", + "13062": "grapefruit", + "13063": "pomelo, shaddock", + "13064": "citrange", + "13065": "citron", + "13066": "almond", + "13067": "Jordan_almond", + "13068": "apricot", + "13069": "peach", + "13070": "nectarine", + "13071": "pitahaya", + "13072": "plum", + "13073": "damson, damson_plum", + "13074": "greengage, greengage_plum", + "13075": "beach_plum", + "13076": "sloe", + "13077": "Victoria_plum", + "13078": "dried_fruit", + "13079": "dried_apricot", + "13080": "prune", + "13081": "raisin", + "13082": "seedless_raisin, sultana", + "13083": "seeded_raisin", + "13084": "currant", + "13085": "fig", + "13086": "pineapple, ananas", + "13087": "anchovy_pear, river_pear", + "13088": "banana", + "13089": "passion_fruit", + "13090": "granadilla", + "13091": "sweet_calabash", + "13092": "bell_apple, sweet_cup, water_lemon, yellow_granadilla", + "13093": "breadfruit", + "13094": "jackfruit, jak, jack", + "13095": "cacao_bean, cocoa_bean", + "13096": "cocoa", + "13097": "canistel, eggfruit", + "13098": "melon", + "13099": "melon_ball", + "13100": "muskmelon, sweet_melon", + "13101": "cantaloup, cantaloupe", + "13102": "winter_melon", + "13103": "honeydew, honeydew_melon", + "13104": "Persian_melon", + "13105": "net_melon, netted_melon, nutmeg_melon", + "13106": "casaba, casaba_melon", + "13107": "watermelon", + "13108": "cherry", + "13109": "sweet_cherry, black_cherry", + "13110": "bing_cherry", + "13111": "heart_cherry, oxheart, oxheart_cherry", + "13112": "blackheart, blackheart_cherry", + "13113": "capulin, Mexican_black_cherry", + "13114": "sour_cherry", + "13115": "amarelle", + "13116": "morello", + "13117": "cocoa_plum, coco_plum, icaco", + "13118": "gherkin", + "13119": "grape", + "13120": "fox_grape", + "13121": "Concord_grape", + "13122": "Catawba", + "13123": "muscadine, bullace_grape", + "13124": "scuppernong", + "13125": "slipskin_grape", + "13126": "vinifera_grape", + "13127": "emperor", + "13128": "muscat, muscatel, muscat_grape", + "13129": "ribier", + "13130": "sultana", + "13131": "Tokay", + "13132": "flame_tokay", + "13133": "Thompson_Seedless", + "13134": "custard_apple", + "13135": "cherimoya, cherimolla", + "13136": "soursop, guanabana", + "13137": "sweetsop, annon, sugar_apple", + "13138": "ilama", + "13139": "pond_apple", + "13140": "papaw, pawpaw", + "13141": "papaya", + "13142": "kai_apple", + "13143": "ketembilla, kitembilla, kitambilla", + "13144": "ackee, akee", + "13145": "durian", + "13146": "feijoa, pineapple_guava", + "13147": "genip, Spanish_lime", + "13148": "genipap, genipap_fruit", + "13149": "kiwi, kiwi_fruit, Chinese_gooseberry", + "13150": "loquat, Japanese_plum", + "13151": "mangosteen", + "13152": "mango", + "13153": "sapodilla, sapodilla_plum, sapota", + "13154": "sapote, mammee, marmalade_plum", + "13155": "tamarind, tamarindo", + "13156": "avocado, alligator_pear, avocado_pear, aguacate", + "13157": "date", + "13158": "elderberry", + "13159": "guava", + "13160": "mombin", + "13161": "hog_plum, yellow_mombin", + "13162": "hog_plum, wild_plum", + "13163": "jaboticaba", + "13164": "jujube, Chinese_date, Chinese_jujube", + "13165": "litchi, litchi_nut, litchee, lichi, leechee, lichee, lychee", + "13166": "longanberry, dragon's_eye", + "13167": "mamey, mammee, mammee_apple", + "13168": "marang", + "13169": "medlar", + "13170": "medlar", + "13171": "mulberry", + "13172": "olive", + "13173": "black_olive, ripe_olive", + "13174": "green_olive", + "13175": "pear", + "13176": "bosc", + "13177": "anjou", + "13178": "bartlett, bartlett_pear", + "13179": "seckel, seckel_pear", + "13180": "plantain", + "13181": "plumcot", + "13182": "pomegranate", + "13183": "prickly_pear", + "13184": "Barbados_gooseberry, blade_apple", + "13185": "quandong, quandang, quantong, native_peach", + "13186": "quandong_nut", + "13187": "quince", + "13188": "rambutan, rambotan", + "13189": "pulasan, pulassan", + "13190": "rose_apple", + "13191": "sorb, sorb_apple", + "13192": "sour_gourd, monkey_bread", + "13193": "edible_seed", + "13194": "pumpkin_seed", + "13195": "betel_nut, areca_nut", + "13196": "beechnut", + "13197": "walnut", + "13198": "black_walnut", + "13199": "English_walnut", + "13200": "brazil_nut, brazil", + "13201": "butternut", + "13202": "souari_nut", + "13203": "cashew, cashew_nut", + "13204": "chestnut", + "13205": "chincapin, chinkapin, chinquapin", + "13206": "hazelnut, filbert, cobnut, cob", + "13207": "coconut, cocoanut", + "13208": "coconut_milk, coconut_water", + "13209": "grugru_nut", + "13210": "hickory_nut", + "13211": "cola_extract", + "13212": "macadamia_nut", + "13213": "pecan", + "13214": "pine_nut, pignolia, pinon_nut", + "13215": "pistachio, pistachio_nut", + "13216": "sunflower_seed", + "13217": "anchovy_paste", + "13218": "rollmops", + "13219": "feed, provender", + "13220": "cattle_cake", + "13221": "creep_feed", + "13222": "fodder", + "13223": "feed_grain", + "13224": "eatage, forage, pasture, pasturage, grass", + "13225": "silage, ensilage", + "13226": "oil_cake", + "13227": "oil_meal", + "13228": "alfalfa", + "13229": "broad_bean, horse_bean", + "13230": "hay", + "13231": "timothy", + "13232": "stover", + "13233": "grain, food_grain, cereal", + "13234": "grist", + "13235": "groats", + "13236": "millet", + "13237": "barley, barleycorn", + "13238": "pearl_barley", + "13239": "buckwheat", + "13240": "bulgur, bulghur, bulgur_wheat", + "13241": "wheat, wheat_berry", + "13242": "cracked_wheat", + "13243": "stodge", + "13244": "wheat_germ", + "13245": "oat", + "13246": "rice", + "13247": "brown_rice", + "13248": "white_rice, polished_rice", + "13249": "wild_rice, Indian_rice", + "13250": "paddy", + "13251": "slop, slops, swill, pigswill, pigwash", + "13252": "mash", + "13253": "chicken_feed, scratch", + "13254": "cud, rechewed_food", + "13255": "bird_feed, bird_food, birdseed", + "13256": "petfood, pet-food, pet_food", + "13257": "dog_food", + "13258": "cat_food", + "13259": "canary_seed", + "13260": "salad", + "13261": "tossed_salad", + "13262": "green_salad", + "13263": "Caesar_salad", + "13264": "salmagundi", + "13265": "salad_nicoise", + "13266": "combination_salad", + "13267": "chef's_salad", + "13268": "potato_salad", + "13269": "pasta_salad", + "13270": "macaroni_salad", + "13271": "fruit_salad", + "13272": "Waldorf_salad", + "13273": "crab_Louis", + "13274": "herring_salad", + "13275": "tuna_fish_salad, tuna_salad", + "13276": "chicken_salad", + "13277": "coleslaw, slaw", + "13278": "aspic", + "13279": "molded_salad", + "13280": "tabbouleh, tabooli", + "13281": "ingredient, fixings", + "13282": "flavorer, flavourer, flavoring, flavouring, seasoner, seasoning", + "13283": "bouillon_cube", + "13284": "condiment", + "13285": "herb", + "13286": "fines_herbes", + "13287": "spice", + "13288": "spearmint_oil", + "13289": "lemon_oil", + "13290": "wintergreen_oil, oil_of_wintergreen", + "13291": "salt, table_salt, common_salt", + "13292": "celery_salt", + "13293": "onion_salt", + "13294": "seasoned_salt", + "13295": "sour_salt", + "13296": "five_spice_powder", + "13297": "allspice", + "13298": "cinnamon", + "13299": "stick_cinnamon", + "13300": "clove", + "13301": "cumin, cumin_seed", + "13302": "fennel", + "13303": "ginger, gingerroot", + "13304": "ginger, powdered_ginger", + "13305": "mace", + "13306": "nutmeg", + "13307": "pepper, peppercorn", + "13308": "black_pepper", + "13309": "white_pepper", + "13310": "sassafras", + "13311": "basil, sweet_basil", + "13312": "bay_leaf", + "13313": "borage", + "13314": "hyssop", + "13315": "caraway", + "13316": "chervil", + "13317": "chives", + "13318": "comfrey, healing_herb", + "13319": "coriander, Chinese_parsley, cilantro", + "13320": "coriander, coriander_seed", + "13321": "costmary", + "13322": "fennel, common_fennel", + "13323": "fennel, Florence_fennel, finocchio", + "13324": "fennel_seed", + "13325": "fenugreek, fenugreek_seed", + "13326": "garlic, ail", + "13327": "clove, garlic_clove", + "13328": "garlic_chive", + "13329": "lemon_balm", + "13330": "lovage", + "13331": "marjoram, oregano", + "13332": "mint", + "13333": "mustard_seed", + "13334": "mustard, table_mustard", + "13335": "Chinese_mustard", + "13336": "nasturtium", + "13337": "parsley", + "13338": "salad_burnet", + "13339": "rosemary", + "13340": "rue", + "13341": "sage", + "13342": "clary_sage", + "13343": "savory, savoury", + "13344": "summer_savory, summer_savoury", + "13345": "winter_savory, winter_savoury", + "13346": "sweet_woodruff, waldmeister", + "13347": "sweet_cicely", + "13348": "tarragon, estragon", + "13349": "thyme", + "13350": "turmeric", + "13351": "caper", + "13352": "catsup, ketchup, cetchup, tomato_ketchup", + "13353": "cardamom, cardamon, cardamum", + "13354": "cayenne, cayenne_pepper, red_pepper", + "13355": "chili_powder", + "13356": "chili_sauce", + "13357": "chutney, Indian_relish", + "13358": "steak_sauce", + "13359": "taco_sauce", + "13360": "salsa", + "13361": "mint_sauce", + "13362": "cranberry_sauce", + "13363": "curry_powder", + "13364": "curry", + "13365": "lamb_curry", + "13366": "duck_sauce, hoisin_sauce", + "13367": "horseradish", + "13368": "marinade", + "13369": "paprika", + "13370": "Spanish_paprika", + "13371": "pickle", + "13372": "dill_pickle", + "13373": "bread_and_butter_pickle", + "13374": "pickle_relish", + "13375": "piccalilli", + "13376": "sweet_pickle", + "13377": "applesauce, apple_sauce", + "13378": "soy_sauce, soy", + "13379": "Tabasco, Tabasco_sauce", + "13380": "tomato_paste", + "13381": "angelica", + "13382": "angelica", + "13383": "almond_extract", + "13384": "anise, aniseed, anise_seed", + "13385": "Chinese_anise, star_anise, star_aniseed", + "13386": "juniper_berries", + "13387": "saffron", + "13388": "sesame_seed, benniseed", + "13389": "caraway_seed", + "13390": "poppy_seed", + "13391": "dill, dill_weed", + "13392": "dill_seed", + "13393": "celery_seed", + "13394": "lemon_extract", + "13395": "monosodium_glutamate, MSG", + "13396": "vanilla_bean", + "13397": "vinegar, acetum", + "13398": "cider_vinegar", + "13399": "wine_vinegar", + "13400": "sauce", + "13401": "anchovy_sauce", + "13402": "hot_sauce", + "13403": "hard_sauce", + "13404": "horseradish_sauce, sauce_Albert", + "13405": "bolognese_pasta_sauce", + "13406": "carbonara", + "13407": "tomato_sauce", + "13408": "tartare_sauce, tartar_sauce", + "13409": "wine_sauce", + "13410": "marchand_de_vin, mushroom_wine_sauce", + "13411": "bread_sauce", + "13412": "plum_sauce", + "13413": "peach_sauce", + "13414": "apricot_sauce", + "13415": "pesto", + "13416": "ravigote, ravigotte", + "13417": "remoulade_sauce", + "13418": "dressing, salad_dressing", + "13419": "sauce_Louis", + "13420": "bleu_cheese_dressing, blue_cheese_dressing", + "13421": "blue_cheese_dressing, Roquefort_dressing", + "13422": "French_dressing, vinaigrette, sauce_vinaigrette", + "13423": "Lorenzo_dressing", + "13424": "anchovy_dressing", + "13425": "Italian_dressing", + "13426": "half-and-half_dressing", + "13427": "mayonnaise, mayo", + "13428": "green_mayonnaise, sauce_verte", + "13429": "aioli, aioli_sauce, garlic_sauce", + "13430": "Russian_dressing, Russian_mayonnaise", + "13431": "salad_cream", + "13432": "Thousand_Island_dressing", + "13433": "barbecue_sauce", + "13434": "hollandaise", + "13435": "bearnaise", + "13436": "Bercy, Bercy_butter", + "13437": "bordelaise", + "13438": "bourguignon, bourguignon_sauce, Burgundy_sauce", + "13439": "brown_sauce, sauce_Espagnole", + "13440": "Espagnole, sauce_Espagnole", + "13441": "Chinese_brown_sauce, brown_sauce", + "13442": "blanc", + "13443": "cheese_sauce", + "13444": "chocolate_sauce, chocolate_syrup", + "13445": "hot-fudge_sauce, fudge_sauce", + "13446": "cocktail_sauce, seafood_sauce", + "13447": "Colbert, Colbert_butter", + "13448": "white_sauce, bechamel_sauce, bechamel", + "13449": "cream_sauce", + "13450": "Mornay_sauce", + "13451": "demiglace, demi-glaze", + "13452": "gravy, pan_gravy", + "13453": "gravy", + "13454": "spaghetti_sauce, pasta_sauce", + "13455": "marinara", + "13456": "mole", + "13457": "hunter's_sauce, sauce_chausseur", + "13458": "mushroom_sauce", + "13459": "mustard_sauce", + "13460": "Nantua, shrimp_sauce", + "13461": "Hungarian_sauce, paprika_sauce", + "13462": "pepper_sauce, Poivrade", + "13463": "roux", + "13464": "Smitane", + "13465": "Soubise, white_onion_sauce", + "13466": "Lyonnaise_sauce, brown_onion_sauce", + "13467": "veloute", + "13468": "allemande, allemande_sauce", + "13469": "caper_sauce", + "13470": "poulette", + "13471": "curry_sauce", + "13472": "Worcester_sauce, Worcestershire, Worcestershire_sauce", + "13473": "coconut_milk, coconut_cream", + "13474": "egg, eggs", + "13475": "egg_white, white, albumen, ovalbumin", + "13476": "egg_yolk, yolk", + "13477": "boiled_egg, coddled_egg", + "13478": "hard-boiled_egg, hard-cooked_egg", + "13479": "Easter_egg", + "13480": "Easter_egg", + "13481": "chocolate_egg", + "13482": "candy_egg", + "13483": "poached_egg, dropped_egg", + "13484": "scrambled_eggs", + "13485": "deviled_egg, stuffed_egg", + "13486": "shirred_egg, baked_egg, egg_en_cocotte", + "13487": "omelet, omelette", + "13488": "firm_omelet", + "13489": "French_omelet", + "13490": "fluffy_omelet", + "13491": "western_omelet", + "13492": "souffle", + "13493": "fried_egg", + "13494": "dairy_product", + "13495": "milk", + "13496": "milk", + "13497": "sour_milk", + "13498": "soya_milk, soybean_milk, soymilk", + "13499": "formula", + "13500": "pasteurized_milk", + "13501": "cows'_milk", + "13502": "yak's_milk", + "13503": "goats'_milk", + "13504": "acidophilus_milk", + "13505": "raw_milk", + "13506": "scalded_milk", + "13507": "homogenized_milk", + "13508": "certified_milk", + "13509": "powdered_milk, dry_milk, dried_milk, milk_powder", + "13510": "nonfat_dry_milk", + "13511": "evaporated_milk", + "13512": "condensed_milk", + "13513": "skim_milk, skimmed_milk", + "13514": "semi-skimmed_milk", + "13515": "whole_milk", + "13516": "low-fat_milk", + "13517": "buttermilk", + "13518": "cream", + "13519": "clotted_cream, Devonshire_cream", + "13520": "double_creme, heavy_whipping_cream", + "13521": "half-and-half", + "13522": "heavy_cream", + "13523": "light_cream, coffee_cream, single_cream", + "13524": "sour_cream, soured_cream", + "13525": "whipping_cream, light_whipping_cream", + "13526": "butter", + "13527": "clarified_butter, drawn_butter", + "13528": "ghee", + "13529": "brown_butter, beurre_noisette", + "13530": "Meuniere_butter, lemon_butter", + "13531": "yogurt, yoghurt, yoghourt", + "13532": "blueberry_yogurt", + "13533": "raita", + "13534": "whey", + "13535": "curd", + "13536": "curd", + "13537": "clabber", + "13538": "cheese", + "13539": "paring", + "13540": "cream_cheese", + "13541": "double_cream", + "13542": "mascarpone", + "13543": "triple_cream, triple_creme", + "13544": "cottage_cheese, pot_cheese, farm_cheese, farmer's_cheese", + "13545": "process_cheese, processed_cheese", + "13546": "bleu, blue_cheese", + "13547": "Stilton", + "13548": "Roquefort", + "13549": "gorgonzola", + "13550": "Danish_blue", + "13551": "Bavarian_blue", + "13552": "Brie", + "13553": "brick_cheese", + "13554": "Camembert", + "13555": "cheddar, cheddar_cheese, Armerican_cheddar, American_cheese", + "13556": "rat_cheese, store_cheese", + "13557": "Cheshire_cheese", + "13558": "double_Gloucester", + "13559": "Edam", + "13560": "goat_cheese, chevre", + "13561": "Gouda, Gouda_cheese", + "13562": "grated_cheese", + "13563": "hand_cheese", + "13564": "Liederkranz", + "13565": "Limburger", + "13566": "mozzarella", + "13567": "Muenster", + "13568": "Parmesan", + "13569": "quark_cheese, quark", + "13570": "ricotta", + "13571": "string_cheese", + "13572": "Swiss_cheese", + "13573": "Emmenthal, Emmental, Emmenthaler, Emmentaler", + "13574": "Gruyere", + "13575": "sapsago", + "13576": "Velveeta", + "13577": "nut_butter", + "13578": "peanut_butter", + "13579": "marshmallow_fluff", + "13580": "onion_butter", + "13581": "pimento_butter", + "13582": "shrimp_butter", + "13583": "lobster_butter", + "13584": "yak_butter", + "13585": "spread, paste", + "13586": "cheese_spread", + "13587": "anchovy_butter", + "13588": "fishpaste", + "13589": "garlic_butter", + "13590": "miso", + "13591": "wasabi", + "13592": "snail_butter", + "13593": "hummus, humus, hommos, hoummos, humous", + "13594": "pate", + "13595": "duck_pate", + "13596": "foie_gras, pate_de_foie_gras", + "13597": "tapenade", + "13598": "tahini", + "13599": "sweetening, sweetener", + "13600": "aspartame", + "13601": "honey", + "13602": "saccharin", + "13603": "sugar, refined_sugar", + "13604": "syrup, sirup", + "13605": "sugar_syrup", + "13606": "molasses", + "13607": "sorghum, sorghum_molasses", + "13608": "treacle, golden_syrup", + "13609": "grenadine", + "13610": "maple_syrup", + "13611": "corn_syrup", + "13612": "miraculous_food, manna, manna_from_heaven", + "13613": "batter", + "13614": "dough", + "13615": "bread_dough", + "13616": "pancake_batter", + "13617": "fritter_batter", + "13618": "coq_au_vin", + "13619": "chicken_provencale", + "13620": "chicken_and_rice", + "13621": "moo_goo_gai_pan", + "13622": "arroz_con_pollo", + "13623": "bacon_and_eggs", + "13624": "barbecued_spareribs, spareribs", + "13625": "beef_Bourguignonne, boeuf_Bourguignonne", + "13626": "beef_Wellington, filet_de_boeuf_en_croute", + "13627": "bitok", + "13628": "boiled_dinner, New_England_boiled_dinner", + "13629": "Boston_baked_beans", + "13630": "bubble_and_squeak", + "13631": "pasta", + "13632": "cannelloni", + "13633": "carbonnade_flamande, Belgian_beef_stew", + "13634": "cheese_souffle", + "13635": "chicken_Marengo", + "13636": "chicken_cordon_bleu", + "13637": "Maryland_chicken", + "13638": "chicken_paprika, chicken_paprikash", + "13639": "chicken_Tetrazzini", + "13640": "Tetrazzini", + "13641": "chicken_Kiev", + "13642": "chili, chili_con_carne", + "13643": "chili_dog", + "13644": "chop_suey", + "13645": "chow_mein", + "13646": "codfish_ball, codfish_cake", + "13647": "coquille", + "13648": "coquilles_Saint-Jacques", + "13649": "croquette", + "13650": "cottage_pie", + "13651": "rissole", + "13652": "dolmas, stuffed_grape_leaves", + "13653": "egg_foo_yong, egg_fu_yung", + "13654": "egg_roll, spring_roll", + "13655": "eggs_Benedict", + "13656": "enchilada", + "13657": "falafel, felafel", + "13658": "fish_and_chips", + "13659": "fondue, fondu", + "13660": "cheese_fondue", + "13661": "chocolate_fondue", + "13662": "fondue, fondu", + "13663": "beef_fondue, boeuf_fondu_bourguignon", + "13664": "French_toast", + "13665": "fried_rice, Chinese_fried_rice", + "13666": "frittata", + "13667": "frog_legs", + "13668": "galantine", + "13669": "gefilte_fish, fish_ball", + "13670": "haggis", + "13671": "ham_and_eggs", + "13672": "hash", + "13673": "corned_beef_hash", + "13674": "jambalaya", + "13675": "kabob, kebab, shish_kebab", + "13676": "kedgeree", + "13677": "souvlaki, souvlakia", + "13678": "lasagna, lasagne", + "13679": "seafood_Newburg", + "13680": "lobster_Newburg, lobster_a_la_Newburg", + "13681": "shrimp_Newburg", + "13682": "Newburg_sauce", + "13683": "lobster_thermidor", + "13684": "lutefisk, lutfisk", + "13685": "macaroni_and_cheese", + "13686": "macedoine", + "13687": "meatball", + "13688": "porcupine_ball, porcupines", + "13689": "Swedish_meatball", + "13690": "meat_loaf, meatloaf", + "13691": "moussaka", + "13692": "osso_buco", + "13693": "marrow, bone_marrow", + "13694": "pheasant_under_glass", + "13695": "pigs_in_blankets", + "13696": "pilaf, pilaff, pilau, pilaw", + "13697": "bulgur_pilaf", + "13698": "pizza, pizza_pie", + "13699": "sausage_pizza", + "13700": "pepperoni_pizza", + "13701": "cheese_pizza", + "13702": "anchovy_pizza", + "13703": "Sicilian_pizza", + "13704": "poi", + "13705": "pork_and_beans", + "13706": "porridge", + "13707": "oatmeal, burgoo", + "13708": "loblolly", + "13709": "potpie", + "13710": "rijsttaffel, rijstaffel, rijstafel", + "13711": "risotto, Italian_rice", + "13712": "roulade", + "13713": "fish_loaf", + "13714": "salmon_loaf", + "13715": "Salisbury_steak", + "13716": "sauerbraten", + "13717": "sauerkraut", + "13718": "scallopine, scallopini", + "13719": "veal_scallopini", + "13720": "scampi", + "13721": "Scotch_egg", + "13722": "Scotch_woodcock", + "13723": "scrapple", + "13724": "spaghetti_and_meatballs", + "13725": "Spanish_rice", + "13726": "steak_tartare, tartar_steak, cannibal_mound", + "13727": "pepper_steak", + "13728": "steak_au_poivre, peppered_steak, pepper_steak", + "13729": "beef_Stroganoff", + "13730": "stuffed_cabbage", + "13731": "kishke, stuffed_derma", + "13732": "stuffed_peppers", + "13733": "stuffed_tomato, hot_stuffed_tomato", + "13734": "stuffed_tomato, cold_stuffed_tomato", + "13735": "succotash", + "13736": "sukiyaki", + "13737": "sashimi", + "13738": "sushi", + "13739": "Swiss_steak", + "13740": "tamale", + "13741": "tamale_pie", + "13742": "tempura", + "13743": "teriyaki", + "13744": "terrine", + "13745": "Welsh_rarebit, Welsh_rabbit, rarebit", + "13746": "schnitzel, Wiener_schnitzel", + "13747": "taco", + "13748": "chicken_taco", + "13749": "burrito", + "13750": "beef_burrito", + "13751": "quesadilla", + "13752": "tostada", + "13753": "bean_tostada", + "13754": "refried_beans, frijoles_refritos", + "13755": "beverage, drink, drinkable, potable", + "13756": "wish-wash", + "13757": "concoction, mixture, intermixture", + "13758": "mix, premix", + "13759": "filling", + "13760": "lekvar", + "13761": "potion", + "13762": "elixir", + "13763": "elixir_of_life", + "13764": "philter, philtre, love-potion, love-philter, love-philtre", + "13765": "alcohol, alcoholic_drink, alcoholic_beverage, intoxicant, inebriant", + "13766": "proof_spirit", + "13767": "home_brew, homebrew", + "13768": "hooch, hootch", + "13769": "kava, kavakava", + "13770": "aperitif", + "13771": "brew, brewage", + "13772": "beer", + "13773": "draft_beer, draught_beer", + "13774": "suds", + "13775": "Munich_beer, Munchener", + "13776": "bock, bock_beer", + "13777": "lager, lager_beer", + "13778": "light_beer", + "13779": "Oktoberfest, Octoberfest", + "13780": "Pilsner, Pilsener", + "13781": "shebeen", + "13782": "Weissbier, white_beer, wheat_beer", + "13783": "Weizenbock", + "13784": "malt", + "13785": "wort", + "13786": "malt, malt_liquor", + "13787": "ale", + "13788": "bitter", + "13789": "Burton", + "13790": "pale_ale", + "13791": "porter, porter's_beer", + "13792": "stout", + "13793": "Guinness", + "13794": "kvass", + "13795": "mead", + "13796": "metheglin", + "13797": "hydromel", + "13798": "oenomel", + "13799": "near_beer", + "13800": "ginger_beer", + "13801": "sake, saki, rice_beer", + "13802": "wine, vino", + "13803": "vintage", + "13804": "red_wine", + "13805": "white_wine", + "13806": "blush_wine, pink_wine, rose, rose_wine", + "13807": "altar_wine, sacramental_wine", + "13808": "sparkling_wine", + "13809": "champagne, bubbly", + "13810": "cold_duck", + "13811": "Burgundy, Burgundy_wine", + "13812": "Beaujolais", + "13813": "Medoc", + "13814": "Canary_wine", + "13815": "Chablis, white_Burgundy", + "13816": "Montrachet", + "13817": "Chardonnay, Pinot_Chardonnay", + "13818": "Pinot_noir", + "13819": "Pinot_blanc", + "13820": "Bordeaux, Bordeaux_wine", + "13821": "claret, red_Bordeaux", + "13822": "Chianti", + "13823": "Cabernet, Cabernet_Sauvignon", + "13824": "Merlot", + "13825": "Sauvignon_blanc", + "13826": "California_wine", + "13827": "Cotes_de_Provence", + "13828": "dessert_wine", + "13829": "Dubonnet", + "13830": "jug_wine", + "13831": "macon, maconnais", + "13832": "Moselle", + "13833": "Muscadet", + "13834": "plonk", + "13835": "retsina", + "13836": "Rhine_wine, Rhenish, hock", + "13837": "Riesling", + "13838": "liebfraumilch", + "13839": "Rhone_wine", + "13840": "Rioja", + "13841": "sack", + "13842": "Saint_Emilion", + "13843": "Soave", + "13844": "zinfandel", + "13845": "Sauterne, Sauternes", + "13846": "straw_wine", + "13847": "table_wine", + "13848": "Tokay", + "13849": "vin_ordinaire", + "13850": "vermouth", + "13851": "sweet_vermouth, Italian_vermouth", + "13852": "dry_vermouth, French_vermouth", + "13853": "Chenin_blanc", + "13854": "Verdicchio", + "13855": "Vouvray", + "13856": "Yquem", + "13857": "generic, generic_wine", + "13858": "varietal, varietal_wine", + "13859": "fortified_wine", + "13860": "Madeira", + "13861": "malmsey", + "13862": "port, port_wine", + "13863": "sherry", + "13864": "Marsala", + "13865": "muscat, muscatel, muscadel, muscadelle", + "13866": "liquor, spirits, booze, hard_drink, hard_liquor, John_Barleycorn, strong_drink", + "13867": "neutral_spirits, ethyl_alcohol", + "13868": "aqua_vitae, ardent_spirits", + "13869": "eau_de_vie", + "13870": "moonshine, bootleg, corn_liquor", + "13871": "bathtub_gin", + "13872": "aquavit, akvavit", + "13873": "arrack, arak", + "13874": "bitters", + "13875": "brandy", + "13876": "applejack", + "13877": "Calvados", + "13878": "Armagnac", + "13879": "Cognac", + "13880": "grappa", + "13881": "kirsch", + "13882": "slivovitz", + "13883": "gin", + "13884": "sloe_gin", + "13885": "geneva, Holland_gin, Hollands", + "13886": "grog", + "13887": "ouzo", + "13888": "rum", + "13889": "demerara, demerara_rum", + "13890": "Jamaica_rum", + "13891": "schnapps, schnaps", + "13892": "pulque", + "13893": "mescal", + "13894": "tequila", + "13895": "vodka", + "13896": "whiskey, whisky", + "13897": "blended_whiskey, blended_whisky", + "13898": "bourbon", + "13899": "corn_whiskey, corn_whisky, corn", + "13900": "firewater", + "13901": "Irish, Irish_whiskey, Irish_whisky", + "13902": "poteen", + "13903": "rye, rye_whiskey, rye_whisky", + "13904": "Scotch, Scotch_whiskey, Scotch_whisky, malt_whiskey, malt_whisky, Scotch_malt_whiskey, Scotch_malt_whisky", + "13905": "sour_mash, sour_mash_whiskey", + "13906": "liqueur, cordial", + "13907": "absinth, absinthe", + "13908": "amaretto", + "13909": "anisette, anisette_de_Bordeaux", + "13910": "benedictine", + "13911": "Chartreuse", + "13912": "coffee_liqueur", + "13913": "creme_de_cacao", + "13914": "creme_de_menthe", + "13915": "creme_de_fraise", + "13916": "Drambuie", + "13917": "Galliano", + "13918": "orange_liqueur", + "13919": "curacao, curacoa", + "13920": "triple_sec", + "13921": "Grand_Marnier", + "13922": "kummel", + "13923": "maraschino, maraschino_liqueur", + "13924": "pastis", + "13925": "Pernod", + "13926": "pousse-cafe", + "13927": "Kahlua", + "13928": "ratafia, ratafee", + "13929": "sambuca", + "13930": "mixed_drink", + "13931": "cocktail", + "13932": "Dom_Pedro", + "13933": "highball", + "13934": "mixer", + "13935": "bishop", + "13936": "Bloody_Mary", + "13937": "Virgin_Mary, bloody_shame", + "13938": "bullshot", + "13939": "cobbler", + "13940": "collins, Tom_Collins", + "13941": "cooler", + "13942": "refresher", + "13943": "smoothie", + "13944": "daiquiri, rum_cocktail", + "13945": "strawberry_daiquiri", + "13946": "NADA_daiquiri", + "13947": "spritzer", + "13948": "flip", + "13949": "gimlet", + "13950": "gin_and_tonic", + "13951": "grasshopper", + "13952": "Harvey_Wallbanger", + "13953": "julep, mint_julep", + "13954": "manhattan", + "13955": "Rob_Roy", + "13956": "margarita", + "13957": "martini", + "13958": "gin_and_it", + "13959": "vodka_martini", + "13960": "old_fashioned", + "13961": "pink_lady", + "13962": "Sazerac", + "13963": "screwdriver", + "13964": "sidecar", + "13965": "Scotch_and_soda", + "13966": "sling", + "13967": "brandy_sling", + "13968": "gin_sling", + "13969": "rum_sling", + "13970": "sour", + "13971": "whiskey_sour, whisky_sour", + "13972": "stinger", + "13973": "swizzle", + "13974": "hot_toddy, toddy", + "13975": "zombie, zombi", + "13976": "fizz", + "13977": "Irish_coffee", + "13978": "cafe_au_lait", + "13979": "cafe_noir, demitasse", + "13980": "decaffeinated_coffee, decaf", + "13981": "drip_coffee", + "13982": "espresso", + "13983": "caffe_latte, latte", + "13984": "cappuccino, cappuccino_coffee, coffee_cappuccino", + "13985": "iced_coffee, ice_coffee", + "13986": "instant_coffee", + "13987": "mocha, mocha_coffee", + "13988": "mocha", + "13989": "cassareep", + "13990": "Turkish_coffee", + "13991": "chocolate_milk", + "13992": "cider, cyder", + "13993": "hard_cider", + "13994": "scrumpy", + "13995": "sweet_cider", + "13996": "mulled_cider", + "13997": "perry", + "13998": "rotgut", + "13999": "slug", + "14000": "cocoa, chocolate, hot_chocolate, drinking_chocolate", + "14001": "criollo", + "14002": "juice", + "14003": "fruit_juice, fruit_crush", + "14004": "nectar", + "14005": "apple_juice", + "14006": "cranberry_juice", + "14007": "grape_juice", + "14008": "must", + "14009": "grapefruit_juice", + "14010": "orange_juice", + "14011": "frozen_orange_juice, orange-juice_concentrate", + "14012": "pineapple_juice", + "14013": "lemon_juice", + "14014": "lime_juice", + "14015": "papaya_juice", + "14016": "tomato_juice", + "14017": "carrot_juice", + "14018": "V-8_juice", + "14019": "koumiss, kumis", + "14020": "fruit_drink, ade", + "14021": "lemonade", + "14022": "limeade", + "14023": "orangeade", + "14024": "malted_milk", + "14025": "mate", + "14026": "mulled_wine", + "14027": "negus", + "14028": "soft_drink", + "14029": "pop, soda, soda_pop, soda_water, tonic", + "14030": "birch_beer", + "14031": "bitter_lemon", + "14032": "cola, dope", + "14033": "cream_soda", + "14034": "egg_cream", + "14035": "ginger_ale, ginger_pop", + "14036": "orange_soda", + "14037": "phosphate", + "14038": "Coca_Cola, Coke", + "14039": "Pepsi, Pepsi_Cola", + "14040": "root_beer", + "14041": "sarsaparilla", + "14042": "tonic, tonic_water, quinine_water", + "14043": "coffee_bean, coffee_berry, coffee", + "14044": "coffee, java", + "14045": "cafe_royale, coffee_royal", + "14046": "fruit_punch", + "14047": "milk_punch", + "14048": "mimosa, buck's_fizz", + "14049": "pina_colada", + "14050": "punch", + "14051": "cup", + "14052": "champagne_cup", + "14053": "claret_cup", + "14054": "wassail", + "14055": "planter's_punch", + "14056": "White_Russian", + "14057": "fish_house_punch", + "14058": "May_wine", + "14059": "eggnog", + "14060": "cassiri", + "14061": "spruce_beer", + "14062": "rickey", + "14063": "gin_rickey", + "14064": "tea, tea_leaf", + "14065": "tea_bag", + "14066": "tea", + "14067": "tea-like_drink", + "14068": "cambric_tea", + "14069": "cuppa, cupper", + "14070": "herb_tea, herbal_tea, herbal", + "14071": "tisane", + "14072": "camomile_tea", + "14073": "ice_tea, iced_tea", + "14074": "sun_tea", + "14075": "black_tea", + "14076": "congou, congo, congou_tea, English_breakfast_tea", + "14077": "Darjeeling", + "14078": "orange_pekoe, pekoe", + "14079": "souchong, soochong", + "14080": "green_tea", + "14081": "hyson", + "14082": "oolong", + "14083": "water", + "14084": "bottled_water", + "14085": "branch_water", + "14086": "spring_water", + "14087": "sugar_water", + "14088": "drinking_water", + "14089": "ice_water", + "14090": "soda_water, carbonated_water, club_soda, seltzer, sparkling_water", + "14091": "mineral_water", + "14092": "seltzer", + "14093": "Vichy_water", + "14094": "perishable, spoilable", + "14095": "couscous", + "14096": "ramekin, ramequin", + "14097": "multivitamin, multivitamin_pill", + "14098": "vitamin_pill", + "14099": "soul_food", + "14100": "mold, mould", + "14101": "people", + "14102": "collection, aggregation, accumulation, assemblage", + "14103": "book, rule_book", + "14104": "library", + "14105": "baseball_club, ball_club, club, nine", + "14106": "crowd", + "14107": "class, form, grade, course", + "14108": "core, nucleus, core_group", + "14109": "concert_band, military_band", + "14110": "dance", + "14111": "wedding, wedding_party", + "14112": "chain, concatenation", + "14113": "power_breakfast", + "14114": "aerie, aery, eyrie, eyry", + "14115": "agora", + "14116": "amusement_park, funfair, pleasure_ground", + "14117": "aphelion", + "14118": "apron", + "14119": "interplanetary_space", + "14120": "interstellar_space", + "14121": "intergalactic_space", + "14122": "bush", + "14123": "semidesert", + "14124": "beam-ends", + "14125": "bridgehead", + "14126": "bus_stop", + "14127": "campsite, campground, camping_site, camping_ground, bivouac, encampment, camping_area", + "14128": "detention_basin", + "14129": "cemetery, graveyard, burial_site, burial_ground, burying_ground, memorial_park, necropolis", + "14130": "trichion, crinion", + "14131": "city, metropolis, urban_center", + "14132": "business_district, downtown", + "14133": "outskirts", + "14134": "borough", + "14135": "cow_pasture", + "14136": "crest", + "14137": "eparchy, exarchate", + "14138": "suburb, suburbia, suburban_area", + "14139": "stockbroker_belt", + "14140": "crawlspace, crawl_space", + "14141": "sheikdom, sheikhdom", + "14142": "residence, abode", + "14143": "domicile, legal_residence", + "14144": "dude_ranch", + "14145": "farmland, farming_area", + "14146": "midfield", + "14147": "firebreak, fireguard", + "14148": "flea_market", + "14149": "battlefront, front, front_line", + "14150": "garbage_heap, junk_heap, rubbish_heap, scrapheap, trash_heap, junk_pile, trash_pile, refuse_heap", + "14151": "benthos, benthic_division, benthonic_zone", + "14152": "goldfield", + "14153": "grainfield, grain_field", + "14154": "half-mast, half-staff", + "14155": "hemline", + "14156": "heronry", + "14157": "hipline", + "14158": "hipline", + "14159": "hole-in-the-wall", + "14160": "junkyard", + "14161": "isoclinic_line, isoclinal", + "14162": "littoral, litoral, littoral_zone, sands", + "14163": "magnetic_pole", + "14164": "grassland", + "14165": "mecca", + "14166": "observer's_meridian", + "14167": "prime_meridian", + "14168": "nombril", + "14169": "no-parking_zone", + "14170": "outdoors, out-of-doors, open_air, open", + "14171": "fairground", + "14172": "pasture, pastureland, grazing_land, lea, ley", + "14173": "perihelion", + "14174": "periselene, perilune", + "14175": "locus_of_infection", + "14176": "kasbah, casbah", + "14177": "waterfront", + "14178": "resort, resort_hotel, holiday_resort", + "14179": "resort_area, playground, vacation_spot", + "14180": "rough", + "14181": "ashram", + "14182": "harborage, harbourage", + "14183": "scrubland", + "14184": "weald", + "14185": "wold", + "14186": "schoolyard", + "14187": "showplace", + "14188": "bedside", + "14189": "sideline, out_of_bounds", + "14190": "ski_resort", + "14191": "soil_horizon", + "14192": "geological_horizon", + "14193": "coal_seam", + "14194": "coalface", + "14195": "field", + "14196": "oilfield", + "14197": "Temperate_Zone", + "14198": "terreplein", + "14199": "three-mile_limit", + "14200": "desktop", + "14201": "top", + "14202": "kampong, campong", + "14203": "subtropics, semitropics", + "14204": "barrio", + "14205": "veld, veldt", + "14206": "vertex, peak, apex, acme", + "14207": "waterline, water_line, water_level", + "14208": "high-water_mark", + "14209": "low-water_mark", + "14210": "continental_divide", + "14211": "zodiac", + "14212": "Aegean_island", + "14213": "sultanate", + "14214": "Swiss_canton", + "14215": "abyssal_zone", + "14216": "aerie, aery, eyrie, eyry", + "14217": "air_bubble", + "14218": "alluvial_flat, alluvial_plain", + "14219": "alp", + "14220": "Alpine_glacier, Alpine_type_of_glacier", + "14221": "anthill, formicary", + "14222": "aquifer", + "14223": "archipelago", + "14224": "arete", + "14225": "arroyo", + "14226": "ascent, acclivity, rise, raise, climb, upgrade", + "14227": "asterism", + "14228": "asthenosphere", + "14229": "atoll", + "14230": "bank", + "14231": "bank", + "14232": "bar", + "14233": "barbecue_pit", + "14234": "barrier_reef", + "14235": "baryon, heavy_particle", + "14236": "basin", + "14237": "beach", + "14238": "honeycomb", + "14239": "belay", + "14240": "ben", + "14241": "berm", + "14242": "bladder_stone, cystolith", + "14243": "bluff", + "14244": "borrow_pit", + "14245": "brae", + "14246": "bubble", + "14247": "burrow, tunnel", + "14248": "butte", + "14249": "caldera", + "14250": "canyon, canon", + "14251": "canyonside", + "14252": "cave", + "14253": "cavern", + "14254": "chasm", + "14255": "cirque, corrie, cwm", + "14256": "cliff, drop, drop-off", + "14257": "cloud", + "14258": "coast", + "14259": "coastland", + "14260": "col, gap", + "14261": "collector", + "14262": "comet", + "14263": "continental_glacier", + "14264": "coral_reef", + "14265": "cove", + "14266": "crag", + "14267": "crater", + "14268": "cultivated_land, farmland, plowland, ploughland, tilled_land, tillage, tilth", + "14269": "dale", + "14270": "defile, gorge", + "14271": "delta", + "14272": "descent, declivity, fall, decline, declination, declension, downslope", + "14273": "diapir", + "14274": "divot", + "14275": "divot", + "14276": "down", + "14277": "downhill", + "14278": "draw", + "14279": "drey", + "14280": "drumlin", + "14281": "dune, sand_dune", + "14282": "escarpment, scarp", + "14283": "esker", + "14284": "fireball", + "14285": "flare_star", + "14286": "floor", + "14287": "fomite, vehicle", + "14288": "foothill", + "14289": "footwall", + "14290": "foreland", + "14291": "foreshore", + "14292": "gauge_boson", + "14293": "geological_formation, formation", + "14294": "geyser", + "14295": "glacier", + "14296": "glen", + "14297": "gopher_hole", + "14298": "gorge", + "14299": "grotto, grot", + "14300": "growler", + "14301": "gulch, flume", + "14302": "gully", + "14303": "hail", + "14304": "highland, upland", + "14305": "hill", + "14306": "hillside", + "14307": "hole, hollow", + "14308": "hollow, holler", + "14309": "hot_spring, thermal_spring", + "14310": "iceberg, berg", + "14311": "icecap, ice_cap", + "14312": "ice_field", + "14313": "ice_floe, floe", + "14314": "ice_mass", + "14315": "inclined_fault", + "14316": "ion", + "14317": "isthmus", + "14318": "kidney_stone, urinary_calculus, nephrolith, renal_calculus", + "14319": "knoll, mound, hillock, hummock, hammock", + "14320": "kopje, koppie", + "14321": "Kuiper_belt, Edgeworth-Kuiper_belt", + "14322": "lake_bed, lake_bottom", + "14323": "lakefront", + "14324": "lakeside, lakeshore", + "14325": "landfall", + "14326": "landfill", + "14327": "lather", + "14328": "leak", + "14329": "ledge, shelf", + "14330": "lepton", + "14331": "lithosphere, geosphere", + "14332": "lowland", + "14333": "lunar_crater", + "14334": "maar", + "14335": "massif", + "14336": "meander", + "14337": "mesa, table", + "14338": "meteorite", + "14339": "microfossil", + "14340": "midstream", + "14341": "molehill", + "14342": "monocline", + "14343": "mountain, mount", + "14344": "mountainside, versant", + "14345": "mouth", + "14346": "mull", + "14347": "natural_depression, depression", + "14348": "natural_elevation, elevation", + "14349": "nullah", + "14350": "ocean", + "14351": "ocean_floor, sea_floor, ocean_bottom, seabed, sea_bottom, Davy_Jones's_locker, Davy_Jones", + "14352": "oceanfront", + "14353": "outcrop, outcropping, rock_outcrop", + "14354": "oxbow", + "14355": "pallasite", + "14356": "perforation", + "14357": "photosphere", + "14358": "piedmont", + "14359": "Piedmont_glacier, Piedmont_type_of_glacier", + "14360": "pinetum", + "14361": "plage", + "14362": "plain, field, champaign", + "14363": "point", + "14364": "polar_glacier", + "14365": "pothole, chuckhole", + "14366": "precipice", + "14367": "promontory, headland, head, foreland", + "14368": "ptyalith", + "14369": "pulsar", + "14370": "quicksand", + "14371": "rabbit_burrow, rabbit_hole", + "14372": "radiator", + "14373": "rainbow", + "14374": "range, mountain_range, range_of_mountains, chain, mountain_chain, chain_of_mountains", + "14375": "rangeland", + "14376": "ravine", + "14377": "reef", + "14378": "ridge", + "14379": "ridge, ridgeline", + "14380": "rift_valley", + "14381": "riparian_forest", + "14382": "ripple_mark", + "14383": "riverbank, riverside", + "14384": "riverbed, river_bottom", + "14385": "rock, stone", + "14386": "roof", + "14387": "saltpan", + "14388": "sandbank", + "14389": "sandbar, sand_bar", + "14390": "sandpit", + "14391": "sanitary_landfill", + "14392": "sawpit", + "14393": "scablands", + "14394": "seashore, coast, seacoast, sea-coast", + "14395": "seaside, seaboard", + "14396": "seif_dune", + "14397": "shell", + "14398": "shiner", + "14399": "shoal", + "14400": "shore", + "14401": "shoreline", + "14402": "sinkhole, sink, swallow_hole", + "14403": "ski_slope", + "14404": "sky", + "14405": "slope, incline, side", + "14406": "snowcap", + "14407": "snowdrift", + "14408": "snowfield", + "14409": "soapsuds, suds, lather", + "14410": "spit, tongue", + "14411": "spoor", + "14412": "spume", + "14413": "star", + "14414": "steep", + "14415": "steppe", + "14416": "strand", + "14417": "streambed, creek_bed", + "14418": "sun, Sun", + "14419": "supernova", + "14420": "swale", + "14421": "swamp, swampland", + "14422": "swell", + "14423": "tableland, plateau", + "14424": "talus, scree", + "14425": "tangle", + "14426": "tar_pit", + "14427": "terrace, bench", + "14428": "tidal_basin", + "14429": "tideland", + "14430": "tor", + "14431": "tor", + "14432": "Trapezium", + "14433": "troposphere", + "14434": "tundra", + "14435": "twinkler", + "14436": "uphill", + "14437": "urolith", + "14438": "valley, vale", + "14439": "vehicle-borne_transmission", + "14440": "vein, mineral_vein", + "14441": "volcanic_crater, crater", + "14442": "volcano", + "14443": "wadi", + "14444": "wall", + "14445": "warren, rabbit_warren", + "14446": "wasp's_nest, wasps'_nest, hornet's_nest, hornets'_nest", + "14447": "watercourse", + "14448": "waterside", + "14449": "water_table, water_level, groundwater_level", + "14450": "whinstone, whin", + "14451": "wormcast", + "14452": "xenolith", + "14453": "Circe", + "14454": "gryphon, griffin, griffon", + "14455": "spiritual_leader", + "14456": "messiah, christ", + "14457": "Rhea_Silvia, Rea_Silvia", + "14458": "number_one", + "14459": "adventurer, venturer", + "14460": "anomaly, unusual_person", + "14461": "appointee, appointment", + "14462": "argonaut", + "14463": "Ashkenazi", + "14464": "benefactor, helper", + "14465": "color-blind_person", + "14466": "commoner, common_man, common_person", + "14467": "conservator", + "14468": "contrarian", + "14469": "contadino", + "14470": "contestant", + "14471": "cosigner, cosignatory", + "14472": "discussant", + "14473": "enologist, oenologist, fermentologist", + "14474": "entertainer", + "14475": "eulogist, panegyrist", + "14476": "ex-gambler", + "14477": "experimenter", + "14478": "experimenter", + "14479": "exponent", + "14480": "ex-president", + "14481": "face", + "14482": "female, female_person", + "14483": "finisher", + "14484": "inhabitant, habitant, dweller, denizen, indweller", + "14485": "native, indigen, indigene, aborigine, aboriginal", + "14486": "native", + "14487": "juvenile, juvenile_person", + "14488": "lover", + "14489": "male, male_person", + "14490": "mediator, go-between, intermediator, intermediary, intercessor", + "14491": "mediatrix", + "14492": "national, subject", + "14493": "peer, equal, match, compeer", + "14494": "prize_winner, lottery_winner", + "14495": "recipient, receiver", + "14496": "religionist", + "14497": "sensualist", + "14498": "traveler, traveller", + "14499": "unwelcome_person, persona_non_grata", + "14500": "unskilled_person", + "14501": "worker", + "14502": "wrongdoer, offender", + "14503": "Black_African", + "14504": "Afrikaner, Afrikander, Boer", + "14505": "Aryan", + "14506": "Black, Black_person, blackamoor, Negro, Negroid", + "14507": "Black_woman", + "14508": "mulatto", + "14509": "White, White_person, Caucasian", + "14510": "Circassian", + "14511": "Semite", + "14512": "Chaldean, Chaldaean, Chaldee", + "14513": "Elamite", + "14514": "white_man", + "14515": "WASP, white_Anglo-Saxon_Protestant", + "14516": "gook, slant-eye", + "14517": "Mongol, Mongolian", + "14518": "Tatar, Tartar, Mongol_Tatar", + "14519": "Nahuatl", + "14520": "Aztec", + "14521": "Olmec", + "14522": "Biloxi", + "14523": "Blackfoot", + "14524": "Brule", + "14525": "Caddo", + "14526": "Cheyenne", + "14527": "Chickasaw", + "14528": "Cocopa, Cocopah", + "14529": "Comanche", + "14530": "Creek", + "14531": "Delaware", + "14532": "Diegueno", + "14533": "Esselen", + "14534": "Eyeish", + "14535": "Havasupai", + "14536": "Hunkpapa", + "14537": "Iowa, Ioway", + "14538": "Kalapooia, Kalapuya, Calapooya, Calapuya", + "14539": "Kamia", + "14540": "Kekchi", + "14541": "Kichai", + "14542": "Kickapoo", + "14543": "Kiliwa, Kiliwi", + "14544": "Malecite", + "14545": "Maricopa", + "14546": "Mohican, Mahican", + "14547": "Muskhogean, Muskogean", + "14548": "Navaho, Navajo", + "14549": "Nootka", + "14550": "Oglala, Ogalala", + "14551": "Osage", + "14552": "Oneida", + "14553": "Paiute, Piute", + "14554": "Passamaquody", + "14555": "Penobscot", + "14556": "Penutian", + "14557": "Potawatomi", + "14558": "Powhatan", + "14559": "kachina", + "14560": "Salish", + "14561": "Shahaptian, Sahaptin, Sahaptino", + "14562": "Shasta", + "14563": "Shawnee", + "14564": "Sihasapa", + "14565": "Teton, Lakota, Teton_Sioux, Teton_Dakota", + "14566": "Taracahitian", + "14567": "Tarahumara", + "14568": "Tuscarora", + "14569": "Tutelo", + "14570": "Yana", + "14571": "Yavapai", + "14572": "Yokuts", + "14573": "Yuma", + "14574": "Gadaba", + "14575": "Kolam", + "14576": "Kui", + "14577": "Toda", + "14578": "Tulu", + "14579": "Gujarati, Gujerati", + "14580": "Kashmiri", + "14581": "Punjabi, Panjabi", + "14582": "Slav", + "14583": "Anabaptist", + "14584": "Adventist, Second_Adventist", + "14585": "gentile, non-Jew, goy", + "14586": "gentile", + "14587": "Catholic", + "14588": "Old_Catholic", + "14589": "Uniat, Uniate, Uniate_Christian", + "14590": "Copt", + "14591": "Jewess", + "14592": "Jihadist", + "14593": "Buddhist", + "14594": "Zen_Buddhist", + "14595": "Mahayanist", + "14596": "swami", + "14597": "Hare_Krishna", + "14598": "Shintoist", + "14599": "Eurafrican", + "14600": "Eurasian", + "14601": "Gael", + "14602": "Frank", + "14603": "Afghan, Afghanistani", + "14604": "Albanian", + "14605": "Algerian", + "14606": "Altaic", + "14607": "Andorran", + "14608": "Angolan", + "14609": "Anguillan", + "14610": "Austrian", + "14611": "Bahamian", + "14612": "Bahraini, Bahreini", + "14613": "Basotho", + "14614": "Herero", + "14615": "Luba, Chiluba", + "14616": "Barbadian", + "14617": "Bolivian", + "14618": "Bornean", + "14619": "Carioca", + "14620": "Tupi", + "14621": "Bruneian", + "14622": "Bulgarian", + "14623": "Byelorussian, Belorussian, White_Russian", + "14624": "Cameroonian", + "14625": "Canadian", + "14626": "French_Canadian", + "14627": "Central_American", + "14628": "Chilean", + "14629": "Congolese", + "14630": "Cypriot, Cypriote, Cyprian", + "14631": "Dane", + "14632": "Djiboutian", + "14633": "Britisher, Briton, Brit", + "14634": "English_person", + "14635": "Englishwoman", + "14636": "Anglo-Saxon", + "14637": "Angle", + "14638": "West_Saxon", + "14639": "Lombard, Langobard", + "14640": "limey, John_Bull", + "14641": "Cantabrigian", + "14642": "Cornishman", + "14643": "Cornishwoman", + "14644": "Lancastrian", + "14645": "Lancastrian", + "14646": "Geordie", + "14647": "Oxonian", + "14648": "Ethiopian", + "14649": "Amhara", + "14650": "Eritrean", + "14651": "Finn", + "14652": "Komi", + "14653": "Livonian", + "14654": "Lithuanian", + "14655": "Selkup, Ostyak-Samoyed", + "14656": "Parisian", + "14657": "Parisienne", + "14658": "Creole", + "14659": "Creole", + "14660": "Gabonese", + "14661": "Greek, Hellene", + "14662": "Dorian", + "14663": "Athenian", + "14664": "Laconian", + "14665": "Guyanese", + "14666": "Haitian", + "14667": "Malay, Malayan", + "14668": "Moro", + "14669": "Netherlander, Dutchman, Hollander", + "14670": "Icelander", + "14671": "Iraqi, Iraki", + "14672": "Irishman", + "14673": "Irishwoman", + "14674": "Dubliner", + "14675": "Italian", + "14676": "Roman", + "14677": "Sabine", + "14678": "Japanese, Nipponese", + "14679": "Jordanian", + "14680": "Korean", + "14681": "Kenyan", + "14682": "Lao, Laotian", + "14683": "Lapp, Lapplander, Sami, Saami, Same, Saame", + "14684": "Latin_American, Latino", + "14685": "Lebanese", + "14686": "Levantine", + "14687": "Liberian", + "14688": "Luxemburger, Luxembourger", + "14689": "Macedonian", + "14690": "Sabahan", + "14691": "Mexican", + "14692": "Chicano", + "14693": "Mexican-American, Mexicano", + "14694": "Namibian", + "14695": "Nauruan", + "14696": "Gurkha", + "14697": "New_Zealander, Kiwi", + "14698": "Nicaraguan", + "14699": "Nigerian", + "14700": "Hausa, Haussa", + "14701": "North_American", + "14702": "Nova_Scotian, bluenose", + "14703": "Omani", + "14704": "Pakistani", + "14705": "Brahui", + "14706": "South_American_Indian", + "14707": "Carib, Carib_Indian", + "14708": "Filipino", + "14709": "Polynesian", + "14710": "Qatari, Katari", + "14711": "Romanian, Rumanian", + "14712": "Muscovite", + "14713": "Georgian", + "14714": "Sarawakian", + "14715": "Scandinavian, Norse, Northman", + "14716": "Senegalese", + "14717": "Slovene", + "14718": "South_African", + "14719": "South_American", + "14720": "Sudanese", + "14721": "Syrian", + "14722": "Tahitian", + "14723": "Tanzanian", + "14724": "Tibetan", + "14725": "Togolese", + "14726": "Tuareg", + "14727": "Turki", + "14728": "Chuvash", + "14729": "Turkoman, Turkmen, Turcoman", + "14730": "Uzbek, Uzbeg, Uzbak, Usbek, Usbeg", + "14731": "Ugandan", + "14732": "Ukranian", + "14733": "Yakut", + "14734": "Tungus, Evenk", + "14735": "Igbo", + "14736": "American", + "14737": "Anglo-American", + "14738": "Alaska_Native, Alaskan_Native, Native_Alaskan", + "14739": "Arkansan, Arkansawyer", + "14740": "Carolinian", + "14741": "Coloradan", + "14742": "Connecticuter", + "14743": "Delawarean, Delawarian", + "14744": "Floridian", + "14745": "German_American", + "14746": "Illinoisan", + "14747": "Mainer, Down_Easter", + "14748": "Marylander", + "14749": "Minnesotan, Gopher", + "14750": "Nebraskan, Cornhusker", + "14751": "New_Hampshirite, Granite_Stater", + "14752": "New_Jerseyan, New_Jerseyite, Garden_Stater", + "14753": "New_Yorker", + "14754": "North_Carolinian, Tarheel", + "14755": "Oregonian, Beaver", + "14756": "Pennsylvanian, Keystone_Stater", + "14757": "Texan", + "14758": "Utahan", + "14759": "Uruguayan", + "14760": "Vietnamese, Annamese", + "14761": "Gambian", + "14762": "East_German", + "14763": "Berliner", + "14764": "Prussian", + "14765": "Ghanian", + "14766": "Guinean", + "14767": "Papuan", + "14768": "Walloon", + "14769": "Yemeni", + "14770": "Yugoslav, Jugoslav, Yugoslavian, Jugoslavian", + "14771": "Serbian, Serb", + "14772": "Xhosa", + "14773": "Zairese, Zairean", + "14774": "Zimbabwean", + "14775": "Zulu", + "14776": "Gemini, Twin", + "14777": "Sagittarius, Archer", + "14778": "Pisces, Fish", + "14779": "abbe", + "14780": "abbess, mother_superior, prioress", + "14781": "abnegator", + "14782": "abridger, abbreviator", + "14783": "abstractor, abstracter", + "14784": "absconder", + "14785": "absolver", + "14786": "abecedarian", + "14787": "aberrant", + "14788": "abettor, abetter", + "14789": "abhorrer", + "14790": "abomination", + "14791": "abseiler, rappeller", + "14792": "abstainer, ascetic", + "14793": "academic_administrator", + "14794": "academician", + "14795": "accessory_before_the_fact", + "14796": "companion", + "14797": "accompanist, accompanyist", + "14798": "accomplice, confederate", + "14799": "account_executive, account_representative, registered_representative, customer's_broker, customer's_man", + "14800": "accused", + "14801": "accuser", + "14802": "acid_head", + "14803": "acquaintance, friend", + "14804": "acquirer", + "14805": "aerialist", + "14806": "action_officer", + "14807": "active", + "14808": "active_citizen", + "14809": "actor, histrion, player, thespian, role_player", + "14810": "actor, doer, worker", + "14811": "addict, nut, freak, junkie, junky", + "14812": "adducer", + "14813": "adjuster, adjustor, claims_adjuster, claims_adjustor, claim_agent", + "14814": "adjutant, aide, aide-de-camp", + "14815": "adjutant_general", + "14816": "admirer, adorer", + "14817": "adoptee", + "14818": "adulterer, fornicator", + "14819": "adulteress, fornicatress, hussy, jade, loose_woman, slut, strumpet, trollop", + "14820": "advertiser, advertizer, adman", + "14821": "advisee", + "14822": "advocate, advocator, proponent, exponent", + "14823": "aeronautical_engineer", + "14824": "affiliate", + "14825": "affluent", + "14826": "aficionado", + "14827": "buck_sergeant", + "14828": "agent-in-place", + "14829": "aggravator, annoyance", + "14830": "agitator, fomenter", + "14831": "agnostic", + "14832": "agnostic, doubter", + "14833": "agonist", + "14834": "agony_aunt", + "14835": "agriculturist, agriculturalist, cultivator, grower, raiser", + "14836": "air_attache", + "14837": "air_force_officer, commander", + "14838": "airhead", + "14839": "air_traveler, air_traveller", + "14840": "alarmist", + "14841": "albino", + "14842": "alcoholic, alky, dipsomaniac, boozer, lush, soaker, souse", + "14843": "alderman", + "14844": "alexic", + "14845": "alienee, grantee", + "14846": "alienor", + "14847": "aliterate, aliterate_person", + "14848": "algebraist", + "14849": "allegorizer, allegoriser", + "14850": "alliterator", + "14851": "almoner, medical_social_worker", + "14852": "alpinist", + "14853": "altar_boy", + "14854": "alto", + "14855": "ambassador, embassador", + "14856": "ambassador", + "14857": "ambusher", + "14858": "amicus_curiae, friend_of_the_court", + "14859": "amoralist", + "14860": "amputee", + "14861": "analogist", + "14862": "analphabet, analphabetic", + "14863": "analyst", + "14864": "industry_analyst", + "14865": "market_strategist", + "14866": "anarchist, nihilist, syndicalist", + "14867": "anathema, bete_noire", + "14868": "ancestor, ascendant, ascendent, antecedent, root", + "14869": "anchor, anchorman, anchorperson", + "14870": "ancient", + "14871": "anecdotist, raconteur", + "14872": "angler, troller", + "14873": "animator", + "14874": "animist", + "14875": "annotator", + "14876": "announcer", + "14877": "announcer", + "14878": "anti", + "14879": "anti-American", + "14880": "anti-Semite, Jew-baiter", + "14881": "Anzac", + "14882": "ape-man", + "14883": "aphakic", + "14884": "appellant, plaintiff_in_error", + "14885": "appointee", + "14886": "apprehender", + "14887": "April_fool", + "14888": "aspirant, aspirer, hopeful, wannabe, wannabee", + "14889": "appreciator", + "14890": "appropriator", + "14891": "Arabist", + "14892": "archaist", + "14893": "archbishop", + "14894": "archer, bowman", + "14895": "architect, designer", + "14896": "archivist", + "14897": "archpriest, hierarch, high_priest, prelate, primate", + "14898": "Aristotelian, Aristotelean, Peripatetic", + "14899": "armiger", + "14900": "army_attache", + "14901": "army_engineer, military_engineer", + "14902": "army_officer", + "14903": "arranger, adapter, transcriber", + "14904": "arrival, arriver, comer", + "14905": "arthritic", + "14906": "articulator", + "14907": "artilleryman, cannoneer, gunner, machine_gunner", + "14908": "artist's_model, sitter", + "14909": "assayer", + "14910": "assemblyman", + "14911": "assemblywoman", + "14912": "assenter", + "14913": "asserter, declarer, affirmer, asseverator, avower", + "14914": "assignee", + "14915": "assistant, helper, help, supporter", + "14916": "assistant_professor", + "14917": "associate", + "14918": "associate", + "14919": "associate_professor", + "14920": "astronaut, spaceman, cosmonaut", + "14921": "cosmographer, cosmographist", + "14922": "atheist", + "14923": "athlete, jock", + "14924": "attendant, attender, tender", + "14925": "attorney_general", + "14926": "auditor", + "14927": "augur, auspex", + "14928": "aunt, auntie, aunty", + "14929": "au_pair_girl", + "14930": "authoritarian, dictator", + "14931": "authority", + "14932": "authorizer, authoriser", + "14933": "automobile_mechanic, auto-mechanic, car-mechanic, mechanic, grease_monkey", + "14934": "aviator, aeronaut, airman, flier, flyer", + "14935": "aviatrix, airwoman, aviatress", + "14936": "ayah", + "14937": "babu, baboo", + "14938": "baby, babe, sister", + "14939": "baby", + "14940": "baby_boomer, boomer", + "14941": "baby_farmer", + "14942": "back", + "14943": "backbencher", + "14944": "backpacker, packer", + "14945": "backroom_boy, brain_truster", + "14946": "backscratcher", + "14947": "bad_person", + "14948": "baggage", + "14949": "bag_lady", + "14950": "bailee", + "14951": "bailiff", + "14952": "bailor", + "14953": "bairn", + "14954": "baker, bread_maker", + "14955": "balancer", + "14956": "balker, baulker, noncompliant", + "14957": "ball-buster, ball-breaker", + "14958": "ball_carrier, runner", + "14959": "ballet_dancer", + "14960": "ballet_master", + "14961": "ballet_mistress", + "14962": "balletomane", + "14963": "ball_hawk", + "14964": "balloonist", + "14965": "ballplayer, baseball_player", + "14966": "bullfighter, toreador", + "14967": "banderillero", + "14968": "matador", + "14969": "picador", + "14970": "bandsman", + "14971": "banker", + "14972": "bank_robber", + "14973": "bankrupt, insolvent", + "14974": "bantamweight", + "14975": "barmaid", + "14976": "baron, big_businessman, business_leader, king, magnate, mogul, power, top_executive, tycoon", + "14977": "baron", + "14978": "baron", + "14979": "bartender, barman, barkeep, barkeeper, mixologist", + "14980": "baseball_coach, baseball_manager", + "14981": "base_runner, runner", + "14982": "basketball_player, basketeer, cager", + "14983": "basketweaver, basketmaker", + "14984": "Basket_Maker", + "14985": "bass, basso", + "14986": "bastard, by-blow, love_child, illegitimate_child, illegitimate, whoreson", + "14987": "bat_boy", + "14988": "bather", + "14989": "batman", + "14990": "baton_twirler, twirler", + "14991": "Bavarian", + "14992": "beadsman, bedesman", + "14993": "beard", + "14994": "beatnik, beat", + "14995": "beauty_consultant", + "14996": "Bedouin, Beduin", + "14997": "bedwetter, bed_wetter, wetter", + "14998": "beekeeper, apiarist, apiculturist", + "14999": "beer_drinker, ale_drinker", + "15000": "beggarman", + "15001": "beggarwoman", + "15002": "beldam, beldame", + "15003": "theist", + "15004": "believer, truster", + "15005": "bell_founder", + "15006": "benedick, benedict", + "15007": "berserker, berserk", + "15008": "besieger", + "15009": "best, topper", + "15010": "betrothed", + "15011": "Big_Brother", + "15012": "bigot", + "15013": "big_shot, big_gun, big_wheel, big_cheese, big_deal, big_enchilada, big_fish, head_honcho", + "15014": "big_sister", + "15015": "billiard_player", + "15016": "biochemist", + "15017": "biographer", + "15018": "bird_fancier", + "15019": "birth", + "15020": "birth-control_campaigner, birth-control_reformer", + "15021": "bisexual, bisexual_person", + "15022": "black_belt", + "15023": "blackmailer, extortioner, extortionist", + "15024": "Black_Muslim", + "15025": "blacksmith", + "15026": "blade", + "15028": "blind_date", + "15029": "bluecoat", + "15030": "bluestocking, bas_bleu", + "15031": "boatbuilder", + "15032": "boatman, boater, waterman", + "15033": "boatswain, bos'n, bo's'n, bosun, bo'sun", + "15034": "bobby", + "15035": "bodyguard, escort", + "15036": "boffin", + "15037": "Bolshevik, Marxist, red, bolshie, bolshy", + "15038": "Bolshevik, Bolshevist", + "15039": "bombshell", + "15040": "bondman, bondsman", + "15041": "bondwoman, bondswoman, bondmaid", + "15042": "bondwoman, bondswoman, bondmaid", + "15043": "bond_servant", + "15044": "book_agent", + "15045": "bookbinder", + "15046": "bookkeeper", + "15047": "bookmaker", + "15048": "bookworm", + "15049": "booster, shoplifter, lifter", + "15050": "bootblack, shoeblack", + "15051": "bootlegger, moonshiner", + "15052": "bootmaker, boot_maker", + "15053": "borderer", + "15054": "border_patrolman", + "15055": "botanist, phytologist, plant_scientist", + "15056": "bottom_feeder", + "15057": "boulevardier", + "15058": "bounty_hunter", + "15059": "bounty_hunter", + "15060": "Bourbon", + "15061": "bowler", + "15062": "slugger, slogger", + "15063": "cub, lad, laddie, sonny, sonny_boy", + "15064": "Boy_Scout", + "15065": "boy_scout", + "15066": "boy_wonder", + "15067": "bragger, braggart, boaster, blowhard, line-shooter, vaunter", + "15068": "brahman, brahmin", + "15069": "brawler", + "15070": "breadwinner", + "15071": "breaststroker", + "15072": "breeder, stock_breeder", + "15073": "brick", + "15074": "bride", + "15075": "bridesmaid, maid_of_honor", + "15076": "bridge_agent", + "15077": "broadcast_journalist", + "15078": "Brother", + "15079": "brother-in-law", + "15080": "browser", + "15081": "Brummie, Brummy", + "15082": "buddy, brother, chum, crony, pal, sidekick", + "15083": "bull", + "15084": "bully", + "15085": "bunny, bunny_girl", + "15086": "burglar", + "15087": "bursar", + "15088": "busboy, waiter's_assistant", + "15089": "business_editor", + "15090": "business_traveler", + "15091": "buster", + "15092": "busybody, nosy-parker, nosey-parker, quidnunc", + "15093": "buttinsky", + "15094": "cabinetmaker, furniture_maker", + "15095": "caddie, golf_caddie", + "15096": "cadet, plebe", + "15097": "caller, caller-out", + "15098": "call_girl", + "15099": "calligrapher, calligraphist", + "15100": "campaigner, candidate, nominee", + "15101": "camper", + "15102": "camp_follower", + "15103": "candidate, prospect", + "15104": "canonist", + "15105": "capitalist", + "15106": "captain, headwaiter, maitre_d'hotel, maitre_d'", + "15107": "captain, senior_pilot", + "15108": "captain", + "15109": "captain, chieftain", + "15110": "captive", + "15111": "captive", + "15112": "cardinal", + "15113": "cardiologist, heart_specialist, heart_surgeon", + "15114": "card_player", + "15115": "cardsharp, card_sharp, cardsharper, card_sharper, sharper, sharpie, sharpy, card_shark", + "15116": "careerist", + "15117": "career_man", + "15118": "caregiver", + "15119": "caretaker", + "15120": "caretaker", + "15121": "caricaturist", + "15122": "carillonneur", + "15123": "caroler, caroller", + "15124": "carpenter", + "15125": "carper, niggler", + "15126": "Cartesian", + "15127": "cashier", + "15128": "casualty, injured_party", + "15129": "casualty", + "15130": "casuist, sophist", + "15131": "catechist", + "15132": "catechumen, neophyte", + "15133": "caterer", + "15134": "Catholicos", + "15135": "cat_fancier", + "15136": "Cavalier, Royalist", + "15137": "cavalryman, trooper", + "15138": "caveman, cave_man, cave_dweller, troglodyte", + "15139": "celebrant", + "15140": "celebrant, celebrator, celebrater", + "15141": "celebrity, famous_person", + "15142": "cellist, violoncellist", + "15143": "censor", + "15144": "censor", + "15145": "centenarian", + "15146": "centrist, middle_of_the_roader, moderate, moderationist", + "15147": "centurion", + "15148": "certified_public_accountant, CPA", + "15149": "chachka, tsatske, tshatshke, tchotchke, tchotchkeleh", + "15150": "chambermaid, fille_de_chambre", + "15151": "chameleon", + "15152": "champion, champ, title-holder", + "15153": "chandler", + "15154": "prison_chaplain", + "15155": "charcoal_burner", + "15156": "charge_d'affaires", + "15157": "charioteer", + "15158": "charmer, beguiler", + "15159": "chartered_accountant", + "15160": "chartist, technical_analyst", + "15161": "charwoman, char, cleaning_woman, cleaning_lady, woman", + "15162": "male_chauvinist, sexist", + "15163": "cheapskate, tightwad", + "15164": "Chechen", + "15165": "checker", + "15166": "cheerer", + "15167": "cheerleader", + "15168": "cheerleader", + "15169": "Cheops, Khufu", + "15170": "chess_master", + "15171": "chief_executive_officer, CEO, chief_operating_officer", + "15172": "chief_of_staff", + "15173": "chief_petty_officer", + "15174": "Chief_Secretary", + "15175": "child, kid, youngster, minor, shaver, nipper, small_fry, tiddler, tike, tyke, fry, nestling", + "15176": "child, kid", + "15177": "child, baby", + "15178": "child_prodigy, infant_prodigy, wonder_child", + "15179": "chimneysweeper, chimneysweep, sweep", + "15180": "chiropractor", + "15181": "chit", + "15182": "choker", + "15183": "choragus", + "15184": "choreographer", + "15185": "chorus_girl, showgirl, chorine", + "15186": "chosen", + "15187": "cicerone", + "15188": "cigar_smoker", + "15189": "cipher, cypher, nobody, nonentity", + "15190": "circus_acrobat", + "15191": "citizen", + "15192": "city_editor", + "15193": "city_father", + "15194": "city_man", + "15195": "city_slicker, city_boy", + "15196": "civic_leader, civil_leader", + "15197": "civil_rights_leader, civil_rights_worker, civil_rights_activist", + "15198": "cleaner", + "15199": "clergyman, reverend, man_of_the_cloth", + "15200": "cleric, churchman, divine, ecclesiastic", + "15201": "clerk", + "15202": "clever_Dick, clever_clogs", + "15203": "climatologist", + "15204": "climber", + "15205": "clinician", + "15206": "closer, finisher", + "15207": "closet_queen", + "15208": "clown, buffoon, goof, goofball, merry_andrew", + "15209": "clown, buffoon", + "15210": "coach, private_instructor, tutor", + "15211": "coach, manager, handler", + "15212": "pitching_coach", + "15213": "coachman", + "15214": "coal_miner, collier, pitman", + "15215": "coastguardsman", + "15216": "cobber", + "15217": "cobbler, shoemaker", + "15218": "codger, old_codger", + "15219": "co-beneficiary", + "15220": "cog", + "15221": "cognitive_neuroscientist", + "15222": "coiffeur", + "15223": "coiner", + "15224": "collaborator, cooperator, partner, pardner", + "15225": "colleen", + "15226": "college_student, university_student", + "15227": "collegian, college_man, college_boy", + "15228": "colonial", + "15229": "colonialist", + "15230": "colonizer, coloniser", + "15231": "coloratura, coloratura_soprano", + "15232": "color_guard", + "15233": "colossus, behemoth, giant, heavyweight, titan", + "15234": "comedian", + "15235": "comedienne", + "15236": "comer", + "15237": "commander", + "15238": "commander_in_chief, generalissimo", + "15239": "commanding_officer, commandant, commander", + "15240": "commissar, political_commissar", + "15241": "commissioned_officer", + "15242": "commissioned_military_officer", + "15243": "commissioner", + "15244": "commissioner", + "15245": "committee_member", + "15246": "committeewoman", + "15247": "commodore", + "15248": "communicant", + "15249": "communist, commie", + "15250": "Communist", + "15251": "commuter", + "15252": "compere", + "15253": "complexifier", + "15254": "compulsive", + "15255": "computational_linguist", + "15256": "computer_scientist", + "15257": "computer_user", + "15258": "Comrade", + "15259": "concert-goer, music_lover", + "15260": "conciliator, make-peace, pacifier, peacemaker, reconciler", + "15261": "conductor", + "15262": "confectioner, candymaker", + "15263": "Confederate", + "15264": "confessor", + "15265": "confidant, intimate", + "15266": "Confucian, Confucianist", + "15267": "rep", + "15268": "conqueror, vanquisher", + "15269": "Conservative", + "15270": "Nonconformist, chapelgoer", + "15271": "Anglican", + "15272": "consignee", + "15273": "consigner, consignor", + "15274": "constable", + "15275": "constructivist", + "15276": "contractor", + "15277": "contralto", + "15278": "contributor", + "15279": "control_freak", + "15280": "convalescent", + "15281": "convener", + "15282": "convict, con, inmate, yard_bird, yardbird", + "15283": "copilot, co-pilot", + "15284": "copycat, imitator, emulator, ape, aper", + "15285": "coreligionist", + "15286": "cornerback", + "15287": "corporatist", + "15288": "correspondent, letter_writer", + "15289": "cosmetician", + "15290": "cosmopolitan, cosmopolite", + "15291": "Cossack", + "15292": "cost_accountant", + "15293": "co-star", + "15294": "costumier, costumer, costume_designer", + "15295": "cotter, cottier", + "15296": "cotter, cottar", + "15297": "counselor, counsellor", + "15298": "counterterrorist", + "15299": "counterspy, mole", + "15300": "countess", + "15301": "compromiser", + "15302": "countrywoman", + "15303": "county_agent, agricultural_agent, extension_agent", + "15304": "courtier", + "15305": "cousin, first_cousin, cousin-german, full_cousin", + "15306": "cover_girl, pin-up, lovely", + "15307": "cow", + "15308": "craftsman, artisan, journeyman, artificer", + "15309": "craftsman, crafter", + "15310": "crapshooter", + "15311": "crazy, loony, looney, nutcase, weirdo", + "15312": "creature, wight", + "15313": "creditor", + "15314": "creep, weirdo, weirdie, weirdy, spook", + "15315": "criminologist", + "15316": "critic", + "15317": "Croesus", + "15318": "cross-examiner, cross-questioner", + "15319": "crossover_voter, crossover", + "15320": "croupier", + "15321": "crown_prince", + "15322": "crown_princess", + "15323": "cryptanalyst, cryptographer, cryptologist", + "15324": "Cub_Scout", + "15325": "cuckold", + "15326": "cultist", + "15327": "curandera", + "15328": "curate, minister_of_religion, minister, parson, pastor, rector", + "15329": "curator, conservator", + "15330": "customer_agent", + "15331": "cutter, carver", + "15332": "cyberpunk", + "15333": "cyborg, bionic_man, bionic_woman", + "15334": "cymbalist", + "15335": "Cynic", + "15336": "cytogeneticist", + "15337": "cytologist", + "15338": "czar", + "15339": "czar, tsar, tzar", + "15340": "dad, dada, daddy, pa, papa, pappa, pop", + "15341": "dairyman", + "15342": "Dalai_Lama, Grand_Lama", + "15343": "dallier, dillydallier, dilly-dallier, mope, lounger", + "15344": "dancer, professional_dancer, terpsichorean", + "15345": "dancer, social_dancer", + "15346": "clog_dancer", + "15347": "dancing-master, dance_master", + "15348": "dark_horse", + "15349": "darling, favorite, favourite, pet, dearie, deary, ducky", + "15350": "date, escort", + "15351": "daughter, girl", + "15352": "dawdler, drone, laggard, lagger, trailer, poke", + "15353": "day_boarder", + "15354": "day_laborer, day_labourer", + "15355": "deacon, Protestant_deacon", + "15356": "deaconess", + "15357": "deadeye", + "15358": "deipnosophist", + "15359": "dropout", + "15360": "deadhead", + "15361": "deaf_person", + "15362": "debtor, debitor", + "15363": "deckhand, roustabout", + "15364": "defamer, maligner, slanderer, vilifier, libeler, backbiter, traducer", + "15365": "defense_contractor", + "15366": "deist, freethinker", + "15367": "delegate", + "15368": "deliveryman, delivery_boy, deliverer", + "15369": "demagogue, demagog, rabble-rouser", + "15370": "demigod, superman, Ubermensch", + "15371": "demographer, demographist, population_scientist", + "15372": "demonstrator, protester", + "15373": "den_mother", + "15374": "department_head", + "15375": "depositor", + "15376": "deputy", + "15377": "dermatologist, skin_doctor", + "15378": "descender", + "15379": "designated_hitter", + "15380": "designer, intriguer", + "15381": "desk_clerk, hotel_desk_clerk, hotel_clerk", + "15382": "desk_officer", + "15383": "desk_sergeant, deskman, station_keeper", + "15384": "detainee, political_detainee", + "15385": "detective, investigator, tec, police_detective", + "15386": "detective", + "15387": "detractor, disparager, depreciator, knocker", + "15388": "developer", + "15389": "deviationist", + "15390": "devisee", + "15391": "devisor", + "15392": "devourer", + "15393": "dialectician", + "15394": "diarist, diary_keeper, journalist", + "15395": "dietician, dietitian, nutritionist", + "15396": "diocesan", + "15397": "director, theater_director, theatre_director", + "15398": "director", + "15399": "dirty_old_man", + "15400": "disbeliever, nonbeliever, unbeliever", + "15401": "disk_jockey, disc_jockey, dj", + "15402": "dispatcher", + "15403": "distortionist", + "15404": "distributor, distributer", + "15405": "district_attorney, DA", + "15406": "district_manager", + "15407": "diver, plunger", + "15408": "divorcee, grass_widow", + "15409": "ex-wife, ex", + "15410": "divorce_lawyer", + "15411": "docent", + "15412": "doctor, doc, physician, MD, Dr., medico", + "15413": "dodo, fogy, fogey, fossil", + "15414": "doge", + "15415": "dog_in_the_manger", + "15416": "dogmatist, doctrinaire", + "15417": "dolichocephalic", + "15418": "domestic_partner, significant_other, spousal_equivalent, spouse_equivalent", + "15419": "Dominican", + "15420": "dominus, dominie, domine, dominee", + "15421": "don, father", + "15422": "Donatist", + "15423": "donna", + "15424": "dosser, street_person", + "15425": "double, image, look-alike", + "15426": "double-crosser, double-dealer, two-timer, betrayer, traitor", + "15427": "down-and-out", + "15428": "doyenne", + "15429": "draftsman, drawer", + "15430": "dramatist, playwright", + "15431": "dreamer", + "15432": "dressmaker, modiste, needlewoman, seamstress, sempstress", + "15433": "dressmaker's_model", + "15434": "dribbler, driveller, slobberer, drooler", + "15435": "dribbler", + "15436": "drinker, imbiber, toper, juicer", + "15437": "drinker", + "15438": "drug_addict, junkie, junky", + "15439": "drug_user, substance_abuser, user", + "15440": "Druid", + "15441": "drum_majorette, majorette", + "15442": "drummer", + "15443": "drunk", + "15444": "drunkard, drunk, rummy, sot, inebriate, wino", + "15445": "Druze, Druse", + "15446": "dry, prohibitionist", + "15447": "dry_nurse", + "15448": "duchess", + "15449": "duke", + "15450": "duffer", + "15451": "dunker", + "15452": "Dutch_uncle", + "15453": "dyspeptic", + "15454": "eager_beaver, busy_bee, live_wire, sharpie, sharpy", + "15455": "earl", + "15456": "earner, wage_earner", + "15457": "eavesdropper", + "15458": "eccentric, eccentric_person, flake, oddball, geek", + "15459": "eclectic, eclecticist", + "15460": "econometrician, econometrist", + "15461": "economist, economic_expert", + "15462": "ectomorph", + "15463": "editor, editor_in_chief", + "15464": "egocentric, egoist", + "15465": "egotist, egoist, swellhead", + "15466": "ejaculator", + "15467": "elder", + "15468": "elder_statesman", + "15469": "elected_official", + "15470": "electrician, lineman, linesman", + "15471": "elegist", + "15472": "elocutionist", + "15473": "emancipator, manumitter", + "15474": "embryologist", + "15475": "emeritus", + "15476": "emigrant, emigre, emigree, outgoer", + "15477": "emissary, envoy", + "15478": "empress", + "15479": "employee", + "15480": "employer", + "15481": "enchantress, witch", + "15482": "enchantress, temptress, siren, Delilah, femme_fatale", + "15483": "encyclopedist, encyclopaedist", + "15484": "endomorph", + "15485": "enemy, foe, foeman, opposition", + "15486": "energizer, energiser, vitalizer, vitaliser, animator", + "15487": "end_man", + "15488": "end_man, corner_man", + "15489": "endorser, indorser", + "15490": "enjoyer", + "15491": "enlisted_woman", + "15492": "enophile, oenophile", + "15493": "entrant", + "15494": "entrant", + "15495": "entrepreneur, enterpriser", + "15496": "envoy, envoy_extraordinary, minister_plenipotentiary", + "15497": "enzymologist", + "15498": "eparch", + "15499": "epidemiologist", + "15500": "epigone, epigon", + "15501": "epileptic", + "15502": "Episcopalian", + "15503": "equerry", + "15504": "equerry", + "15505": "erotic", + "15506": "escapee", + "15507": "escapist, dreamer, wishful_thinker", + "15508": "Eskimo, Esquimau, Inuit", + "15509": "espionage_agent", + "15510": "esthetician, aesthetician", + "15511": "etcher", + "15512": "ethnologist", + "15513": "Etonian", + "15514": "etymologist", + "15515": "evangelist, revivalist, gospeler, gospeller", + "15516": "Evangelist", + "15517": "event_planner", + "15518": "examiner, inspector", + "15519": "examiner, tester, quizzer", + "15520": "exarch", + "15521": "executant", + "15522": "executive_secretary", + "15523": "executive_vice_president", + "15524": "executrix", + "15525": "exegete", + "15526": "exhibitor, exhibitioner, shower", + "15527": "exhibitionist, show-off", + "15528": "exile, expatriate, expat", + "15529": "existentialist, existentialist_philosopher, existential_philosopher", + "15530": "exorcist, exorciser", + "15531": "ex-spouse", + "15532": "extern, medical_extern", + "15533": "extremist", + "15534": "extrovert, extravert", + "15535": "eyewitness", + "15536": "facilitator", + "15537": "fairy_godmother", + "15538": "falangist, phalangist", + "15539": "falconer, hawker", + "15540": "falsifier", + "15541": "familiar", + "15542": "fan, buff, devotee, lover", + "15543": "fanatic, fiend", + "15544": "fancier, enthusiast", + "15545": "farm_boy", + "15546": "farmer, husbandman, granger, sodbuster", + "15547": "farmhand, fieldhand, field_hand, farm_worker", + "15548": "fascist", + "15549": "fascista", + "15550": "fatalist, determinist, predestinarian, predestinationist", + "15551": "father, male_parent, begetter", + "15552": "Father, Padre", + "15553": "father-figure", + "15554": "father-in-law", + "15555": "Fauntleroy, Little_Lord_Fauntleroy", + "15556": "Fauve, fauvist", + "15557": "favorite_son", + "15558": "featherweight", + "15559": "federalist", + "15560": "fellow_traveler, fellow_traveller", + "15561": "female_aristocrat", + "15562": "female_offspring", + "15563": "female_child, girl, little_girl", + "15564": "fence", + "15565": "fiance, groom-to-be", + "15566": "fielder, fieldsman", + "15567": "field_judge", + "15568": "fighter_pilot", + "15569": "filer", + "15570": "film_director, director", + "15571": "finder", + "15572": "fire_chief, fire_marshal", + "15573": "fire-eater, fire-swallower", + "15574": "fire-eater, hothead", + "15575": "fireman, firefighter, fire_fighter, fire-eater", + "15576": "fire_marshall", + "15577": "fire_walker", + "15578": "first_baseman, first_sacker", + "15579": "firstborn, eldest", + "15580": "first_lady", + "15581": "first_lieutenant, 1st_lieutenant", + "15582": "first_offender", + "15583": "first_sergeant, sergeant_first_class", + "15584": "fishmonger, fishwife", + "15585": "flagellant", + "15586": "flag_officer", + "15587": "flak_catcher, flak, flack_catcher, flack", + "15588": "flanker_back, flanker", + "15589": "flapper", + "15590": "flatmate", + "15591": "flatterer, adulator", + "15592": "flibbertigibbet, foolish_woman", + "15593": "flight_surgeon", + "15594": "floorwalker, shopwalker", + "15595": "flop, dud, washout", + "15596": "Florentine", + "15597": "flower_girl", + "15598": "flower_girl", + "15599": "flutist, flautist, flute_player", + "15600": "fly-by-night", + "15601": "flyweight", + "15602": "flyweight", + "15603": "foe, enemy", + "15604": "folk_dancer", + "15605": "folk_poet", + "15606": "follower", + "15607": "football_hero", + "15608": "football_player, footballer", + "15609": "footman", + "15610": "forefather, father, sire", + "15611": "foremother", + "15612": "foreign_agent", + "15613": "foreigner, outsider", + "15614": "boss", + "15615": "foreman", + "15616": "forester, tree_farmer, arboriculturist", + "15617": "forewoman", + "15618": "forger, counterfeiter", + "15619": "forward", + "15620": "foster-brother, foster_brother", + "15621": "foster-father, foster_father", + "15622": "foster-mother, foster_mother", + "15623": "foster-sister, foster_sister", + "15624": "foster-son, foster_son", + "15625": "founder, beginner, founding_father, father", + "15626": "foundress", + "15627": "four-minute_man", + "15628": "framer", + "15629": "Francophobe", + "15630": "freak, monster, monstrosity, lusus_naturae", + "15631": "free_agent, free_spirit, freewheeler", + "15632": "free_agent", + "15633": "freedom_rider", + "15634": "free-liver", + "15635": "freeloader", + "15636": "free_trader", + "15637": "Freudian", + "15638": "friar, mendicant", + "15639": "monk, monastic", + "15640": "frontierswoman", + "15641": "front_man, front, figurehead, nominal_head, straw_man, strawman", + "15642": "frotteur", + "15643": "fucker", + "15644": "fucker", + "15645": "fuddy-duddy", + "15646": "fullback", + "15647": "funambulist, tightrope_walker", + "15648": "fundamentalist", + "15649": "fundraiser", + "15650": "futurist", + "15651": "gadgeteer", + "15652": "gagman, gagster, gagwriter", + "15653": "gagman, standup_comedian", + "15654": "gainer, weight_gainer", + "15655": "gal", + "15656": "galoot", + "15657": "gambist", + "15658": "gambler", + "15659": "gamine", + "15660": "garbage_man, garbageman, garbage_collector, garbage_carter, garbage_hauler, refuse_collector, dustman", + "15661": "gardener", + "15662": "garment_cutter", + "15663": "garroter, garrotter, strangler, throttler, choker", + "15664": "gasman", + "15665": "gastroenterologist", + "15666": "gatherer", + "15667": "gawker", + "15668": "gendarme", + "15669": "general, full_general", + "15670": "generator, source, author", + "15671": "geneticist", + "15672": "genitor", + "15673": "gent", + "15674": "geologist", + "15675": "geophysicist", + "15676": "ghostwriter, ghost", + "15677": "Gibson_girl", + "15678": "girl, miss, missy, young_lady, young_woman, fille", + "15679": "girlfriend, girl, lady_friend", + "15680": "girlfriend", + "15681": "girl_wonder", + "15682": "Girondist, Girondin", + "15683": "gitano", + "15684": "gladiator", + "15685": "glassblower", + "15686": "gleaner", + "15687": "goat_herder, goatherd", + "15688": "godchild", + "15689": "godfather", + "15690": "godparent", + "15691": "godson", + "15692": "gofer", + "15693": "goffer, gopher", + "15694": "goldsmith, goldworker, gold-worker", + "15695": "golfer, golf_player, linksman", + "15696": "gondolier, gondoliere", + "15697": "good_guy", + "15698": "good_old_boy, good_ole_boy, good_ol'_boy", + "15699": "good_Samaritan", + "15700": "gossip_columnist", + "15701": "gouger", + "15702": "governor_general", + "15703": "grabber", + "15704": "grader", + "15705": "graduate_nurse, trained_nurse", + "15706": "grammarian, syntactician", + "15707": "granddaughter", + "15708": "grande_dame", + "15709": "grandfather, gramps, granddad, grandad, granddaddy, grandpa", + "15710": "Grand_Inquisitor", + "15711": "grandma, grandmother, granny, grannie, gran, nan, nanna", + "15712": "grandmaster", + "15713": "grandparent", + "15714": "grantee", + "15715": "granter", + "15716": "grass_widower, divorced_man", + "15717": "great-aunt, grandaunt", + "15718": "great_grandchild", + "15719": "great_granddaughter", + "15720": "great_grandmother", + "15721": "great_grandparent", + "15722": "great_grandson", + "15723": "great-nephew, grandnephew", + "15724": "great-niece, grandniece", + "15725": "Green_Beret", + "15726": "grenadier, grenade_thrower", + "15727": "greeter, saluter, welcomer", + "15728": "gringo", + "15729": "grinner", + "15730": "grocer", + "15731": "groom, bridegroom", + "15732": "groom, bridegroom", + "15733": "grouch, grump, crank, churl, crosspatch", + "15734": "group_captain", + "15735": "grunter", + "15736": "prison_guard, jailer, jailor, gaoler, screw, turnkey", + "15737": "guard", + "15738": "guesser", + "15739": "guest, invitee", + "15740": "guest", + "15741": "guest_of_honor", + "15742": "guest_worker, guestworker", + "15743": "guide", + "15744": "guitarist, guitar_player", + "15745": "gunnery_sergeant", + "15746": "guru", + "15747": "guru", + "15748": "guvnor", + "15749": "guy, cat, hombre, bozo", + "15750": "gymnast", + "15751": "gym_rat", + "15752": "gynecologist, gynaecologist, woman's_doctor", + "15753": "Gypsy, Gipsy, Romany, Rommany, Romani, Roma, Bohemian", + "15754": "hack, drudge, hacker", + "15755": "hacker, cyber-terrorist, cyberpunk", + "15756": "haggler", + "15757": "hairdresser, hairstylist, stylist, styler", + "15758": "hakim, hakeem", + "15759": "Hakka", + "15760": "halberdier", + "15761": "halfback", + "15762": "half_blood", + "15763": "hand", + "15764": "animal_trainer, handler", + "15765": "handyman, jack_of_all_trades, odd-job_man", + "15766": "hang_glider", + "15767": "hardliner", + "15768": "harlequin", + "15769": "harmonizer, harmoniser", + "15770": "hash_head", + "15771": "hatchet_man, iceman", + "15772": "hater", + "15773": "hatmaker, hatter, milliner, modiste", + "15774": "headman, tribal_chief, chieftain, chief", + "15775": "headmaster, schoolmaster, master", + "15776": "head_nurse", + "15777": "hearer, listener, auditor, attender", + "15778": "heartbreaker", + "15779": "heathen, pagan, gentile, infidel", + "15780": "heavyweight", + "15781": "heavy", + "15782": "heckler, badgerer", + "15783": "hedger", + "15784": "hedger, equivocator, tergiversator", + "15785": "hedonist, pagan, pleasure_seeker", + "15786": "heir, inheritor, heritor", + "15787": "heir_apparent", + "15788": "heiress, inheritress, inheritrix", + "15789": "heir_presumptive", + "15790": "hellion, heller, devil", + "15791": "helmsman, steersman, steerer", + "15792": "hire", + "15793": "hematologist, haematologist", + "15794": "hemiplegic", + "15795": "herald, trumpeter", + "15796": "herbalist, herb_doctor", + "15797": "herder, herdsman, drover", + "15798": "hermaphrodite, intersex, gynandromorph, androgyne, epicene, epicene_person", + "15799": "heroine", + "15800": "heroin_addict", + "15801": "hero_worshiper, hero_worshipper", + "15802": "Herr", + "15803": "highbinder", + "15804": "highbrow", + "15805": "high_commissioner", + "15806": "highflier, highflyer", + "15807": "Highlander, Scottish_Highlander, Highland_Scot", + "15808": "high-muck-a-muck, pooh-bah", + "15809": "high_priest", + "15810": "highjacker, hijacker", + "15811": "hireling, pensionary", + "15812": "historian, historiographer", + "15813": "hitchhiker", + "15814": "hitter, striker", + "15815": "hobbyist", + "15816": "holdout", + "15817": "holdover, hangover", + "15818": "holdup_man, stickup_man", + "15819": "homeboy", + "15820": "homeboy", + "15821": "home_buyer", + "15822": "homegirl", + "15823": "homeless, homeless_person", + "15824": "homeopath, homoeopath", + "15825": "honest_woman", + "15826": "honor_guard, guard_of_honor", + "15827": "hooker", + "15828": "hoper", + "15829": "hornist", + "15830": "horseman, equestrian, horseback_rider", + "15831": "horse_trader", + "15832": "horsewoman", + "15833": "horse_wrangler, wrangler", + "15834": "horticulturist, plantsman", + "15835": "hospital_chaplain", + "15836": "host, innkeeper, boniface", + "15837": "host", + "15838": "hostess", + "15839": "hotelier, hotelkeeper, hotel_manager, hotelman, hosteller", + "15840": "housekeeper", + "15841": "housemaster", + "15842": "housemate", + "15843": "house_physician, resident, resident_physician", + "15844": "house_sitter", + "15845": "housing_commissioner", + "15846": "huckster, cheap-jack", + "15847": "hugger", + "15848": "humanist, humanitarian", + "15849": "humanitarian, do-gooder, improver", + "15850": "hunk", + "15851": "huntress", + "15852": "ex-husband, ex", + "15853": "hydrologist", + "15854": "hyperope", + "15855": "hypertensive", + "15856": "hypnotist, hypnotizer, hypnotiser, mesmerist, mesmerizer", + "15857": "hypocrite, dissembler, dissimulator, phony, phoney, pretender", + "15858": "iceman", + "15859": "iconoclast", + "15860": "ideologist, ideologue", + "15861": "idol, matinee_idol", + "15862": "idolizer, idoliser", + "15863": "imam, imaum", + "15864": "imperialist", + "15865": "important_person, influential_person, personage", + "15866": "inamorato", + "15867": "incumbent, officeholder", + "15868": "incurable", + "15869": "inductee", + "15870": "industrialist", + "15871": "infanticide", + "15872": "inferior", + "15873": "infernal", + "15874": "infielder", + "15875": "infiltrator", + "15876": "informer, betrayer, rat, squealer, blabber", + "15877": "ingenue", + "15878": "ingenue", + "15879": "polymath", + "15880": "in-law, relative-in-law", + "15881": "inquiry_agent", + "15882": "inspector", + "15883": "inspector_general", + "15884": "instigator, initiator", + "15885": "insurance_broker, insurance_agent, general_agent, underwriter", + "15886": "insurgent, insurrectionist, freedom_fighter, rebel", + "15887": "intelligence_analyst", + "15888": "interior_designer, designer, interior_decorator, house_decorator, room_decorator, decorator", + "15889": "interlocutor, conversational_partner", + "15890": "interlocutor, middleman", + "15891": "International_Grandmaster", + "15892": "internationalist", + "15893": "internist", + "15894": "interpreter, translator", + "15895": "interpreter", + "15896": "intervenor", + "15897": "introvert", + "15898": "invader, encroacher", + "15899": "invalidator, voider, nullifier", + "15900": "investigator", + "15901": "investor", + "15902": "invigilator", + "15903": "irreligionist", + "15904": "Ivy_Leaguer", + "15905": "Jack_of_all_trades", + "15906": "Jacksonian", + "15907": "Jane_Doe", + "15908": "janissary", + "15909": "Jat", + "15910": "Javanese, Javan", + "15911": "Jekyll_and_Hyde", + "15912": "jester, fool, motley_fool", + "15913": "Jesuit", + "15914": "jezebel", + "15915": "jilt", + "15916": "jobber, middleman, wholesaler", + "15917": "job_candidate", + "15918": "Job's_comforter", + "15919": "jockey", + "15920": "John_Doe", + "15921": "journalist", + "15922": "judge, justice, jurist", + "15923": "judge_advocate", + "15924": "juggler", + "15925": "Jungian", + "15926": "junior", + "15927": "junior", + "15928": "Junior, Jr, Jnr", + "15929": "junior_lightweight", + "15930": "junior_middleweight", + "15931": "jurist, legal_expert", + "15932": "juror, juryman, jurywoman", + "15933": "justice_of_the_peace", + "15934": "justiciar, justiciary", + "15935": "kachina", + "15936": "keyboardist", + "15937": "Khedive", + "15938": "kingmaker", + "15939": "king, queen, world-beater", + "15940": "King's_Counsel", + "15941": "Counsel_to_the_Crown", + "15942": "kin, kinsperson, family", + "15943": "enate, matrikin, matrilineal_kin, matrisib, matrilineal_sib", + "15944": "kink", + "15945": "kinswoman", + "15946": "kisser, osculator", + "15947": "kitchen_help", + "15948": "kitchen_police, KP", + "15949": "Klansman, Ku_Kluxer, Kluxer", + "15950": "kleptomaniac", + "15951": "kneeler", + "15952": "knight", + "15953": "knocker", + "15954": "knower, apprehender", + "15955": "know-it-all, know-all", + "15956": "kolkhoznik", + "15957": "Kshatriya", + "15958": "labor_coach, birthing_coach, doula, monitrice", + "15959": "laborer, manual_laborer, labourer, jack", + "15960": "Labourite", + "15961": "lady", + "15962": "lady-in-waiting", + "15963": "lady's_maid", + "15964": "lama", + "15965": "lamb, dear", + "15966": "lame_duck", + "15967": "lamplighter", + "15968": "land_agent", + "15969": "landgrave", + "15970": "landlubber, lubber, landsman", + "15971": "landlubber, landsman, landman", + "15972": "landowner, landholder, property_owner", + "15973": "landscape_architect, landscape_gardener, landscaper, landscapist", + "15974": "langlaufer", + "15975": "languisher", + "15976": "lapidary, lapidarist", + "15977": "lass, lassie, young_girl, jeune_fille", + "15978": "Latin", + "15979": "Latin", + "15980": "latitudinarian", + "15981": "Jehovah's_Witness", + "15982": "law_agent", + "15983": "lawgiver, lawmaker", + "15984": "lawman, law_officer, peace_officer", + "15985": "law_student", + "15986": "lawyer, attorney", + "15987": "lay_reader", + "15988": "lazybones", + "15989": "leaker", + "15990": "leaseholder, lessee", + "15991": "lector, lecturer, reader", + "15992": "lector, reader", + "15993": "lecturer", + "15994": "left-hander, lefty, southpaw", + "15995": "legal_representative", + "15996": "legate, official_emissary", + "15997": "legatee", + "15998": "legionnaire, legionary", + "15999": "letterman", + "16000": "liberator", + "16001": "licenser", + "16002": "licentiate", + "16003": "lieutenant", + "16004": "lieutenant_colonel, light_colonel", + "16005": "lieutenant_commander", + "16006": "lieutenant_junior_grade, lieutenant_JG", + "16007": "life", + "16008": "lifeguard, lifesaver", + "16009": "life_tenant", + "16010": "light_flyweight", + "16011": "light_heavyweight, cruiserweight", + "16012": "light_heavyweight", + "16013": "light-o'-love, light-of-love", + "16014": "lightweight", + "16015": "lightweight", + "16016": "lightweight", + "16017": "lilliputian", + "16018": "limnologist", + "16019": "lineman", + "16020": "line_officer", + "16021": "lion-hunter", + "16022": "lisper", + "16023": "lister", + "16024": "literary_critic", + "16025": "literate, literate_person", + "16026": "litigant, litigator", + "16027": "litterer, litterbug, litter_lout", + "16028": "little_brother", + "16029": "little_sister", + "16030": "lobbyist", + "16031": "locksmith", + "16032": "locum_tenens, locum", + "16033": "Lord, noble, nobleman", + "16034": "loser", + "16035": "loser, also-ran", + "16036": "failure, loser, nonstarter, unsuccessful_person", + "16037": "Lothario", + "16038": "loudmouth, blusterer", + "16039": "lowerclassman, underclassman", + "16040": "Lowlander, Scottish_Lowlander, Lowland_Scot", + "16041": "loyalist, stalwart", + "16042": "Luddite", + "16043": "lumberman, lumberjack, logger, feller, faller", + "16044": "lumper", + "16045": "bedlamite", + "16046": "pyromaniac", + "16047": "lutist, lutanist, lutenist", + "16048": "Lutheran", + "16049": "lyricist, lyrist", + "16050": "macebearer, mace, macer", + "16051": "machinist, mechanic, shop_mechanic", + "16052": "madame", + "16053": "maenad", + "16054": "maestro, master", + "16055": "magdalen", + "16056": "magician, prestidigitator, conjurer, conjuror, illusionist", + "16057": "magus", + "16058": "maharani, maharanee", + "16059": "mahatma", + "16060": "maid, maiden", + "16061": "maid, maidservant, housemaid, amah", + "16062": "major", + "16063": "major", + "16064": "major-domo, seneschal", + "16065": "maker, shaper", + "16066": "malahini", + "16067": "malcontent", + "16068": "malik", + "16069": "malingerer, skulker, shammer", + "16070": "Malthusian", + "16071": "adonis", + "16072": "man", + "16073": "man", + "16074": "manageress", + "16075": "mandarin", + "16076": "maneuverer, manoeuvrer", + "16077": "maniac", + "16078": "Manichaean, Manichean, Manichee", + "16079": "manicurist", + "16080": "manipulator", + "16081": "man-at-arms", + "16082": "man_of_action, man_of_deeds", + "16083": "man_of_letters", + "16084": "manufacturer, producer", + "16085": "marcher, parader", + "16086": "marchioness, marquise", + "16087": "margrave", + "16088": "margrave", + "16089": "Marine, devil_dog, leatherneck, shipboard_soldier", + "16090": "marquess", + "16091": "marquis, marquess", + "16092": "marshal, marshall", + "16093": "martinet, disciplinarian, moralist", + "16094": "mascot", + "16095": "masochist", + "16096": "mason, stonemason", + "16097": "masquerader, masker, masquer", + "16098": "masseur", + "16099": "masseuse", + "16100": "master", + "16101": "master, captain, sea_captain, skipper", + "16102": "master-at-arms", + "16103": "master_of_ceremonies, emcee, host", + "16104": "masturbator, onanist", + "16105": "matchmaker, matcher, marriage_broker", + "16106": "mate, first_mate", + "16107": "mate", + "16108": "mate", + "16109": "mater", + "16110": "material", + "16111": "materialist", + "16112": "matriarch, materfamilias", + "16113": "matriarch", + "16114": "matriculate", + "16115": "matron", + "16116": "mayor, city_manager", + "16117": "mayoress", + "16118": "mechanical_engineer", + "16119": "medalist, medallist, medal_winner", + "16120": "medical_officer, medic", + "16121": "medical_practitioner, medical_man", + "16122": "medical_scientist", + "16123": "medium, spiritualist, sensitive", + "16124": "megalomaniac", + "16125": "melancholic, melancholiac", + "16126": "Melkite, Melchite", + "16127": "melter", + "16128": "nonmember", + "16129": "board_member", + "16130": "clansman, clanswoman, clan_member", + "16131": "memorizer, memoriser", + "16132": "Mendelian", + "16133": "mender, repairer, fixer", + "16134": "Mesoamerican", + "16135": "messmate", + "16136": "mestiza", + "16137": "meteorologist", + "16138": "meter_maid", + "16139": "Methodist", + "16140": "Metis", + "16141": "metropolitan", + "16142": "mezzo-soprano, mezzo", + "16143": "microeconomist, microeconomic_expert", + "16144": "middle-aged_man", + "16145": "middlebrow", + "16146": "middleweight", + "16147": "midwife, accoucheuse", + "16148": "mikado, tenno", + "16149": "Milanese", + "16150": "miler", + "16151": "miles_gloriosus", + "16152": "military_attache", + "16153": "military_chaplain, padre, Holy_Joe, sky_pilot", + "16154": "military_leader", + "16155": "military_officer, officer", + "16156": "military_policeman, MP", + "16157": "mill_agent", + "16158": "mill-hand, factory_worker", + "16159": "millionairess", + "16160": "millwright", + "16161": "minder", + "16162": "mining_engineer", + "16163": "minister, government_minister", + "16164": "ministrant", + "16165": "minor_leaguer, bush_leaguer", + "16166": "Minuteman", + "16167": "misanthrope, misanthropist", + "16168": "misfit", + "16169": "mistress", + "16170": "mistress, kept_woman, fancy_woman", + "16171": "mixed-blood", + "16172": "model, poser", + "16173": "class_act", + "16174": "modeler, modeller", + "16175": "modifier", + "16176": "molecular_biologist", + "16177": "Monegasque, Monacan", + "16178": "monetarist", + "16179": "moneygrubber", + "16180": "moneymaker", + "16181": "Mongoloid", + "16182": "monolingual", + "16183": "monologist", + "16184": "moonlighter", + "16185": "moralist", + "16186": "morosoph", + "16187": "morris_dancer", + "16188": "mortal_enemy", + "16189": "mortgagee, mortgage_holder", + "16190": "mortician, undertaker, funeral_undertaker, funeral_director", + "16191": "moss-trooper", + "16192": "mother, female_parent", + "16193": "mother", + "16194": "mother", + "16195": "mother_figure", + "16196": "mother_hen", + "16197": "mother-in-law", + "16198": "mother's_boy, mamma's_boy, mama's_boy", + "16199": "mother's_daughter", + "16200": "motorcycle_cop, motorcycle_policeman, speed_cop", + "16201": "motorcyclist", + "16202": "Mound_Builder", + "16203": "mountebank, charlatan", + "16204": "mourner, griever, sorrower, lamenter", + "16205": "mouthpiece, mouth", + "16206": "mover", + "16207": "moviegoer, motion-picture_fan", + "16208": "muffin_man", + "16209": "mugwump, independent, fencesitter", + "16210": "Mullah, Mollah, Mulla", + "16211": "muncher", + "16212": "murderess", + "16213": "murder_suspect", + "16214": "musher", + "16215": "musician, instrumentalist, player", + "16216": "musicologist", + "16217": "music_teacher", + "16218": "musketeer", + "16219": "Muslimah", + "16220": "mutilator, maimer, mangler", + "16221": "mutineer", + "16222": "mute, deaf-mute, deaf-and-dumb_person", + "16223": "mutterer, mumbler, murmurer", + "16224": "muzzler", + "16225": "Mycenaen", + "16226": "mycologist", + "16227": "myope", + "16228": "myrmidon", + "16229": "mystic, religious_mystic", + "16230": "mythologist", + "16231": "naif", + "16232": "nailer", + "16233": "namby-pamby", + "16234": "name_dropper", + "16235": "namer", + "16236": "nan", + "16237": "nanny, nursemaid, nurse", + "16238": "narc, nark, narcotics_agent", + "16239": "narcissist, narcist", + "16240": "nark, copper's_nark", + "16241": "nationalist", + "16242": "nautch_girl", + "16243": "naval_commander", + "16244": "Navy_SEAL, SEAL", + "16245": "obstructionist, obstructor, obstructer, resister, thwarter", + "16246": "Nazarene", + "16247": "Nazarene, Ebionite", + "16248": "Nazi, German_Nazi", + "16249": "nebbish, nebbech", + "16250": "necker", + "16251": "neonate, newborn, newborn_infant, newborn_baby", + "16252": "nephew", + "16253": "neurobiologist", + "16254": "neurologist, brain_doctor", + "16255": "neurosurgeon, brain_surgeon", + "16256": "neutral", + "16257": "neutralist", + "16258": "newcomer, fledgling, fledgeling, starter, neophyte, freshman, newbie, entrant", + "16259": "newcomer", + "16260": "New_Dealer", + "16261": "newspaper_editor", + "16262": "newsreader, news_reader", + "16263": "Newtonian", + "16264": "niece", + "16265": "niggard, skinflint, scrooge, churl", + "16266": "night_porter", + "16267": "night_rider, nightrider", + "16268": "NIMBY", + "16269": "niqaabi", + "16270": "nitpicker", + "16271": "Nobelist, Nobel_Laureate", + "16272": "NOC", + "16273": "noncandidate", + "16274": "noncommissioned_officer, noncom, enlisted_officer", + "16275": "nondescript", + "16276": "nondriver", + "16277": "nonparticipant", + "16278": "nonperson, unperson", + "16279": "nonresident", + "16280": "nonsmoker", + "16281": "Northern_Baptist", + "16282": "noticer", + "16283": "novelist", + "16284": "novitiate, novice", + "16285": "nuclear_chemist, radiochemist", + "16286": "nudger", + "16287": "nullipara", + "16288": "number_theorist", + "16289": "nurse", + "16290": "nursling, nurseling, suckling", + "16291": "nymph, houri", + "16292": "nymphet", + "16293": "nympholept", + "16294": "nymphomaniac, nympho", + "16295": "oarswoman", + "16296": "oboist", + "16297": "obscurantist", + "16298": "observer, commentator", + "16299": "obstetrician, accoucheur", + "16300": "occupier", + "16301": "occultist", + "16302": "wine_lover", + "16303": "offerer, offeror", + "16304": "office-bearer", + "16305": "office_boy", + "16306": "officeholder, officer", + "16307": "officiant", + "16308": "Federal, Fed, federal_official", + "16309": "oilman", + "16310": "oil_tycoon", + "16311": "old-age_pensioner", + "16312": "old_boy", + "16313": "old_lady", + "16314": "old_man", + "16315": "oldster, old_person, senior_citizen, golden_ager", + "16316": "old-timer, oldtimer, gaffer, old_geezer, antique", + "16317": "old_woman", + "16318": "oligarch", + "16319": "Olympian", + "16320": "omnivore", + "16321": "oncologist", + "16322": "onlooker, looker-on", + "16323": "onomancer", + "16324": "operator", + "16325": "opportunist, self-seeker", + "16326": "optimist", + "16327": "Orangeman", + "16328": "orator, speechmaker, rhetorician, public_speaker, speechifier", + "16329": "orderly, hospital_attendant", + "16330": "orderly", + "16331": "orderly_sergeant", + "16332": "ordinand", + "16333": "ordinary", + "16334": "organ-grinder", + "16335": "organist", + "16336": "organization_man", + "16337": "organizer, organiser, arranger", + "16338": "organizer, organiser, labor_organizer", + "16339": "originator, conceiver, mastermind", + "16340": "ornithologist, bird_watcher", + "16341": "orphan", + "16342": "orphan", + "16343": "osteopath, osteopathist", + "16344": "out-and-outer", + "16345": "outdoorswoman", + "16346": "outfielder", + "16347": "outfielder", + "16348": "right_fielder", + "16349": "right-handed_pitcher, right-hander", + "16350": "outlier", + "16351": "owner-occupier", + "16352": "oyabun", + "16353": "packrat", + "16354": "padrone", + "16355": "padrone", + "16356": "page, pageboy", + "16357": "painter", + "16358": "Paleo-American, Paleo-Amerind, Paleo-Indian", + "16359": "paleontologist, palaeontologist, fossilist", + "16360": "pallbearer, bearer", + "16361": "palmist, palmister, chiromancer", + "16362": "pamperer, spoiler, coddler, mollycoddler", + "16363": "Panchen_Lama", + "16364": "panelist, panellist", + "16365": "panhandler", + "16366": "paparazzo", + "16367": "paperboy", + "16368": "paperhanger, paperer", + "16369": "paperhanger", + "16370": "papoose, pappoose", + "16371": "pardoner", + "16372": "paretic", + "16373": "parishioner", + "16374": "park_commissioner", + "16375": "Parliamentarian, Member_of_Parliament", + "16376": "parliamentary_agent", + "16377": "parodist, lampooner", + "16378": "parricide", + "16379": "parrot", + "16380": "partaker, sharer", + "16381": "part-timer", + "16382": "party", + "16383": "party_man, party_liner", + "16384": "passenger, rider", + "16385": "passer", + "16386": "paster", + "16387": "pater", + "16388": "patient", + "16389": "patriarch", + "16390": "patriarch", + "16391": "patriarch, paterfamilias", + "16392": "patriot, nationalist", + "16393": "patron, sponsor, supporter", + "16394": "patternmaker", + "16395": "pawnbroker", + "16396": "payer, remunerator", + "16397": "peacekeeper", + "16398": "peasant", + "16399": "pedant, bookworm, scholastic", + "16400": "peddler, pedlar, packman, hawker, pitchman", + "16401": "pederast, paederast, child_molester", + "16402": "penologist", + "16403": "pentathlete", + "16404": "Pentecostal, Pentecostalist", + "16405": "percussionist", + "16406": "periodontist", + "16407": "peshmerga", + "16408": "personality", + "16409": "personal_representative", + "16410": "personage", + "16411": "persona_grata", + "16412": "persona_non_grata", + "16413": "personification", + "16414": "perspirer, sweater", + "16415": "pervert, deviant, deviate, degenerate", + "16416": "pessimist", + "16417": "pest, blighter, cuss, pesterer, gadfly", + "16418": "Peter_Pan", + "16419": "petitioner, suppliant, supplicant, requester", + "16420": "petit_juror, petty_juror", + "16421": "pet_sitter, critter_sitter", + "16422": "petter, fondler", + "16423": "Pharaoh, Pharaoh_of_Egypt", + "16424": "pharmacist, druggist, chemist, apothecary, pill_pusher, pill_roller", + "16425": "philanthropist, altruist", + "16426": "philatelist, stamp_collector", + "16427": "philosopher", + "16428": "phonetician", + "16429": "phonologist", + "16430": "photojournalist", + "16431": "photometrist, photometrician", + "16432": "physical_therapist, physiotherapist", + "16433": "physicist", + "16434": "piano_maker", + "16435": "picker, chooser, selector", + "16436": "picnicker, picknicker", + "16437": "pilgrim", + "16438": "pill", + "16439": "pillar, mainstay", + "16440": "pill_head", + "16441": "pilot", + "16442": "Piltdown_man, Piltdown_hoax", + "16443": "pimp, procurer, panderer, pander, pandar, fancy_man, ponce", + "16444": "pipe_smoker", + "16445": "pip-squeak, squirt, small_fry", + "16446": "pisser, urinator", + "16447": "pitcher, hurler, twirler", + "16448": "pitchman", + "16449": "placeman, placeseeker", + "16450": "placer_miner", + "16451": "plagiarist, plagiarizer, plagiariser, literary_pirate, pirate", + "16452": "plainsman", + "16453": "planner, contriver, deviser", + "16454": "planter, plantation_owner", + "16455": "plasterer", + "16456": "platinum_blond, platinum_blonde", + "16457": "platitudinarian", + "16458": "playboy, man-about-town, Corinthian", + "16459": "player, participant", + "16460": "playmate, playfellow", + "16461": "pleaser", + "16462": "pledger", + "16463": "plenipotentiary", + "16464": "plier, plyer", + "16465": "plodder, slowpoke, stick-in-the-mud, slowcoach", + "16466": "plodder, slogger", + "16467": "plotter, mapper", + "16468": "plumber, pipe_fitter", + "16469": "pluralist", + "16470": "pluralist", + "16471": "poet", + "16472": "pointsman", + "16473": "point_woman", + "16474": "policyholder", + "16475": "political_prisoner", + "16476": "political_scientist", + "16477": "politician, politico, pol, political_leader", + "16478": "politician", + "16479": "pollster, poll_taker, headcounter, canvasser", + "16480": "polluter, defiler", + "16481": "pool_player", + "16482": "portraitist, portrait_painter, portrayer, limner", + "16483": "poseuse", + "16484": "positivist, rationalist", + "16485": "postdoc, post_doc", + "16486": "poster_girl", + "16487": "postulator", + "16488": "private_citizen", + "16489": "problem_solver, solver, convergent_thinker", + "16490": "pro-lifer", + "16491": "prosthetist", + "16492": "postulant", + "16493": "potboy, potman", + "16494": "poultryman, poulterer", + "16495": "power_user", + "16496": "power_worker, power-station_worker", + "16497": "practitioner, practician", + "16498": "prayer, supplicant", + "16499": "preceptor, don", + "16500": "predecessor", + "16501": "preemptor, pre-emptor", + "16502": "preemptor, pre-emptor", + "16503": "premature_baby, preterm_baby, premature_infant, preterm_infant, preemie, premie", + "16504": "presbyter", + "16505": "presenter, sponsor", + "16506": "presentist", + "16507": "preserver", + "16508": "president", + "16509": "President_of_the_United_States, United_States_President, President, Chief_Executive", + "16510": "president, prexy", + "16511": "press_agent, publicity_man, public_relations_man, PR_man", + "16512": "press_photographer", + "16513": "priest", + "16514": "prima_ballerina", + "16515": "prima_donna, diva", + "16516": "prima_donna", + "16517": "primigravida, gravida_I", + "16518": "primordial_dwarf, hypoplastic_dwarf, true_dwarf, normal_dwarf", + "16519": "prince_charming", + "16520": "prince_consort", + "16521": "princeling", + "16522": "Prince_of_Wales", + "16523": "princess", + "16524": "princess_royal", + "16525": "principal, dealer", + "16526": "principal, school_principal, head_teacher, head", + "16527": "print_seller", + "16528": "prior", + "16529": "private, buck_private, common_soldier", + "16530": "probationer, student_nurse", + "16531": "processor", + "16532": "process-server", + "16533": "proconsul", + "16534": "proconsul", + "16535": "proctologist", + "16536": "proctor, monitor", + "16537": "procurator", + "16538": "procurer, securer", + "16539": "profit_taker", + "16540": "programmer, computer_programmer, coder, software_engineer", + "16541": "promiser, promisor", + "16542": "promoter, booster, plugger", + "16543": "promulgator", + "16544": "propagandist", + "16545": "propagator, disseminator", + "16546": "property_man, propman, property_master", + "16547": "prophetess", + "16548": "prophet", + "16549": "prosecutor, public_prosecutor, prosecuting_officer, prosecuting_attorney", + "16550": "prospector", + "16551": "protectionist", + "16552": "protegee", + "16553": "protozoologist", + "16554": "provost_marshal", + "16555": "pruner, trimmer", + "16556": "psalmist", + "16557": "psephologist", + "16558": "psychiatrist, head-shrinker, shrink", + "16559": "psychic", + "16560": "psycholinguist", + "16561": "psychophysicist", + "16562": "publican, tavern_keeper", + "16563": "pudge", + "16564": "puerpera", + "16565": "punching_bag", + "16566": "punter", + "16567": "punter", + "16568": "puppeteer", + "16569": "puppy, pup", + "16570": "purchasing_agent", + "16571": "puritan", + "16572": "Puritan", + "16573": "pursuer", + "16574": "pusher, shover", + "16575": "pusher, drug_peddler, peddler, drug_dealer, drug_trafficker", + "16576": "pusher, thruster", + "16577": "putz", + "16578": "Pygmy, Pigmy", + "16579": "qadi", + "16580": "quadriplegic", + "16581": "quadruplet, quad", + "16582": "quaker, trembler", + "16583": "quarter", + "16584": "quarterback, signal_caller, field_general", + "16585": "quartermaster", + "16586": "quartermaster_general", + "16587": "Quebecois", + "16588": "queen, queen_regnant, female_monarch", + "16589": "Queen_of_England", + "16590": "queen", + "16591": "queen", + "16592": "queen_consort", + "16593": "queen_mother", + "16594": "Queen's_Counsel", + "16595": "question_master, quizmaster", + "16596": "quick_study, sponge", + "16597": "quietist", + "16598": "quitter", + "16599": "rabbi", + "16600": "racist, racialist", + "16601": "radiobiologist", + "16602": "radiologic_technologist", + "16603": "radiologist, radiotherapist", + "16604": "rainmaker", + "16605": "raiser", + "16606": "raja, rajah", + "16607": "rake, rakehell, profligate, rip, blood, roue", + "16608": "ramrod", + "16609": "ranch_hand", + "16610": "ranker", + "16611": "ranter, raver", + "16612": "rape_suspect", + "16613": "rapper", + "16614": "rapporteur", + "16615": "rare_bird, rara_avis", + "16616": "ratepayer", + "16617": "raw_recruit", + "16618": "reader", + "16619": "reading_teacher", + "16620": "realist", + "16621": "real_estate_broker, real_estate_agent, estate_agent, land_agent, house_agent", + "16622": "rear_admiral", + "16623": "receiver", + "16624": "reciter", + "16625": "recruit, enlistee", + "16626": "recruit, military_recruit", + "16627": "recruiter", + "16628": "recruiting-sergeant", + "16629": "redcap", + "16630": "redhead, redheader, red-header, carrottop", + "16631": "redneck, cracker", + "16632": "reeler", + "16633": "reenactor", + "16634": "referral", + "16635": "referee, ref", + "16636": "refiner", + "16637": "Reform_Jew", + "16638": "registered_nurse, RN", + "16639": "registrar", + "16640": "Regius_professor", + "16641": "reliever, allayer, comforter", + "16642": "anchorite, hermit", + "16643": "religious_leader", + "16644": "remover", + "16645": "Renaissance_man, generalist", + "16646": "renegade", + "16647": "rentier", + "16648": "repairman, maintenance_man, service_man", + "16649": "reporter, newsman, newsperson", + "16650": "newswoman", + "16651": "representative", + "16652": "reprobate, miscreant", + "16653": "rescuer, recoverer, saver", + "16654": "reservist", + "16655": "resident_commissioner", + "16656": "respecter", + "16657": "restaurateur, restauranter", + "16658": "restrainer, controller", + "16659": "retailer, retail_merchant", + "16660": "retiree, retired_person", + "16661": "returning_officer", + "16662": "revenant", + "16663": "revisionist", + "16664": "revolutionist, revolutionary, subversive, subverter", + "16665": "rheumatologist", + "16666": "Rhodesian_man, Homo_rhodesiensis", + "16667": "rhymer, rhymester, versifier, poetizer, poetiser", + "16668": "rich_person, wealthy_person, have", + "16669": "rider", + "16670": "riding_master", + "16671": "rifleman", + "16672": "right-hander, right_hander, righthander", + "16673": "right-hand_man, chief_assistant, man_Friday", + "16674": "ringer", + "16675": "ringleader", + "16676": "roadman, road_mender", + "16677": "roarer, bawler, bellower, screamer, screecher, shouter, yeller", + "16678": "rocket_engineer, rocket_scientist", + "16679": "rocket_scientist", + "16680": "rock_star", + "16681": "Romanov, Romanoff", + "16682": "romanticist, romantic", + "16683": "ropemaker, rope-maker, roper", + "16684": "roper", + "16685": "roper", + "16686": "ropewalker, ropedancer", + "16687": "rosebud", + "16688": "Rosicrucian", + "16689": "Mountie", + "16690": "Rough_Rider", + "16691": "roundhead", + "16692": "civil_authority, civil_officer", + "16693": "runner", + "16694": "runner", + "16695": "runner", + "16696": "running_back", + "16697": "rusher", + "16698": "rustic", + "16699": "saboteur, wrecker, diversionist", + "16700": "sadist", + "16701": "sailing_master, navigator", + "16702": "sailor, crewman", + "16703": "salesgirl, saleswoman, saleslady", + "16704": "salesman", + "16705": "salesperson, sales_representative, sales_rep", + "16706": "salvager, salvor", + "16707": "sandwichman", + "16708": "sangoma", + "16709": "sannup", + "16710": "sapper", + "16711": "Sassenach", + "16712": "satrap", + "16713": "saunterer, stroller, ambler", + "16714": "Savoyard", + "16715": "sawyer", + "16716": "scalper", + "16717": "scandalmonger", + "16718": "scapegrace, black_sheep", + "16719": "scene_painter", + "16720": "schemer, plotter", + "16721": "schizophrenic", + "16722": "schlemiel, shlemiel", + "16723": "schlockmeister, shlockmeister", + "16724": "scholar, scholarly_person, bookman, student", + "16725": "scholiast", + "16726": "schoolchild, school-age_child, pupil", + "16727": "schoolfriend", + "16728": "Schoolman, medieval_Schoolman", + "16729": "schoolmaster", + "16730": "schoolmate, classmate, schoolfellow, class_fellow", + "16731": "scientist", + "16732": "scion", + "16733": "scoffer, flouter, mocker, jeerer", + "16734": "scofflaw", + "16735": "scorekeeper, scorer", + "16736": "scorer", + "16737": "scourer", + "16738": "scout, talent_scout", + "16739": "scoutmaster", + "16740": "scrambler", + "16741": "scratcher", + "16742": "screen_actor, movie_actor", + "16743": "scrutineer, canvasser", + "16744": "scuba_diver", + "16745": "sculptor, sculpturer, carver, statue_maker", + "16746": "Sea_Scout", + "16747": "seasonal_worker, seasonal", + "16748": "seasoner", + "16749": "second_baseman, second_sacker", + "16750": "second_cousin", + "16751": "seconder", + "16752": "second_fiddle, second_banana", + "16753": "second-in-command", + "16754": "second_lieutenant, 2nd_lieutenant", + "16755": "second-rater, mediocrity", + "16756": "secretary", + "16757": "Secretary_of_Agriculture, Agriculture_Secretary", + "16758": "Secretary_of_Health_and_Human_Services", + "16759": "Secretary_of_State", + "16760": "Secretary_of_the_Interior, Interior_Secretary", + "16761": "sectarian, sectary, sectarist", + "16762": "section_hand", + "16763": "secularist", + "16764": "security_consultant", + "16765": "seeded_player, seed", + "16766": "seeder, cloud_seeder", + "16767": "seeker, searcher, quester", + "16768": "segregate", + "16769": "segregator, segregationist", + "16770": "selectman", + "16771": "selectwoman", + "16772": "selfish_person", + "16773": "self-starter", + "16774": "seller, marketer, vender, vendor, trafficker", + "16775": "selling_agent", + "16776": "semanticist, semiotician", + "16777": "semifinalist", + "16778": "seminarian, seminarist", + "16779": "senator", + "16780": "sendee", + "16781": "senior", + "16782": "senior_vice_president", + "16783": "separatist, separationist", + "16784": "septuagenarian", + "16785": "serf, helot, villein", + "16786": "spree_killer", + "16787": "serjeant-at-law, serjeant, sergeant-at-law, sergeant", + "16788": "server", + "16789": "serviceman, military_man, man, military_personnel", + "16790": "settler, colonist", + "16791": "settler", + "16792": "sex_symbol", + "16793": "sexton, sacristan", + "16794": "shaheed", + "16795": "Shakespearian, Shakespearean", + "16796": "shanghaier, seizer", + "16797": "sharecropper, cropper, sharecrop_farmer", + "16798": "shaver", + "16799": "Shavian", + "16800": "sheep", + "16801": "sheik, tribal_sheik, sheikh, tribal_sheikh, Arab_chief", + "16802": "shelver", + "16803": "shepherd", + "16804": "ship-breaker", + "16805": "shipmate", + "16806": "shipowner", + "16807": "shipping_agent", + "16808": "shirtmaker", + "16809": "shogun", + "16810": "shopaholic", + "16811": "shop_girl", + "16812": "shop_steward, steward", + "16813": "shot_putter", + "16814": "shrew, termagant", + "16815": "shuffler", + "16816": "shyster, pettifogger", + "16817": "sibling, sib", + "16818": "sick_person, diseased_person, sufferer", + "16819": "sightreader", + "16820": "signaler, signaller", + "16821": "signer", + "16822": "signor, signior", + "16823": "signora", + "16824": "signore", + "16825": "signorina", + "16826": "silent_partner, sleeping_partner", + "16827": "addle-head, addlehead, loon, birdbrain", + "16828": "simperer", + "16829": "singer, vocalist, vocalizer, vocaliser", + "16830": "Sinologist", + "16831": "sipper", + "16832": "sirrah", + "16833": "Sister", + "16834": "sister, sis", + "16835": "waverer, vacillator, hesitator, hesitater", + "16836": "sitar_player", + "16837": "sixth-former", + "16838": "skateboarder", + "16839": "skeptic, sceptic, doubter", + "16840": "sketcher", + "16841": "skidder", + "16842": "skier", + "16843": "skinny-dipper", + "16844": "skin-diver, aquanaut", + "16845": "skinhead", + "16846": "slasher", + "16847": "slattern, slut, slovenly_woman, trollop", + "16848": "sleeper, slumberer", + "16849": "sleeper", + "16850": "sleeping_beauty", + "16851": "sleuth, sleuthhound", + "16852": "slob, sloven, pig, slovenly_person", + "16853": "sloganeer", + "16854": "slopseller, slop-seller", + "16855": "smasher, stunner, knockout, beauty, ravisher, sweetheart, peach, lulu, looker, mantrap, dish", + "16856": "smirker", + "16857": "smith, metalworker", + "16858": "smoothie, smoothy, sweet_talker, charmer", + "16859": "smuggler, runner, contrabandist, moon_curser, moon-curser", + "16860": "sneezer", + "16861": "snob, prig, snot, snoot", + "16862": "snoop, snooper", + "16863": "snorer", + "16864": "sob_sister", + "16865": "soccer_player", + "16866": "social_anthropologist, cultural_anthropologist", + "16867": "social_climber, climber", + "16868": "socialist", + "16869": "socializer, socialiser", + "16870": "social_scientist", + "16871": "social_secretary", + "16872": "Socinian", + "16873": "sociolinguist", + "16874": "sociologist", + "16875": "soda_jerk, soda_jerker", + "16876": "sodalist", + "16877": "sodomite, sodomist, sod, bugger", + "16878": "soldier", + "16879": "son, boy", + "16880": "songster", + "16881": "songstress", + "16882": "songwriter, songster, ballad_maker", + "16883": "sorcerer, magician, wizard, necromancer, thaumaturge, thaumaturgist", + "16884": "sorehead", + "16885": "soul_mate", + "16886": "Southern_Baptist", + "16887": "sovereign, crowned_head, monarch", + "16888": "spacewalker", + "16889": "Spanish_American, Hispanic_American, Hispanic", + "16890": "sparring_partner, sparring_mate", + "16891": "spastic", + "16892": "speaker, talker, utterer, verbalizer, verbaliser", + "16893": "native_speaker", + "16894": "Speaker", + "16895": "speechwriter", + "16896": "specialist, medical_specialist", + "16897": "specifier", + "16898": "spectator, witness, viewer, watcher, looker", + "16899": "speech_therapist", + "16900": "speedskater, speed_skater", + "16901": "spellbinder", + "16902": "sphinx", + "16903": "spinster, old_maid", + "16904": "split_end", + "16905": "sport, sportsman, sportswoman", + "16906": "sport, summercater", + "16907": "sporting_man, outdoor_man", + "16908": "sports_announcer, sportscaster, sports_commentator", + "16909": "sports_editor", + "16910": "sprog", + "16911": "square_dancer", + "16912": "square_shooter, straight_shooter, straight_arrow", + "16913": "squatter", + "16914": "squire", + "16915": "squire", + "16916": "staff_member, staffer", + "16917": "staff_sergeant", + "16918": "stage_director", + "16919": "stainer", + "16920": "stakeholder", + "16921": "stalker", + "16922": "stalking-horse", + "16923": "stammerer, stutterer", + "16924": "stamper, stomper, tramper, trampler", + "16925": "standee", + "16926": "stand-in, substitute, relief, reliever, backup, backup_man, fill-in", + "16927": "star, principal, lead", + "16928": "starlet", + "16929": "starter, dispatcher", + "16930": "statesman, solon, national_leader", + "16931": "state_treasurer", + "16932": "stationer, stationery_seller", + "16933": "stenographer, amanuensis, shorthand_typist", + "16934": "stentor", + "16935": "stepbrother, half-brother, half_brother", + "16936": "stepmother", + "16937": "stepparent", + "16938": "stevedore, loader, longshoreman, docker, dockhand, dock_worker, dockworker, dock-walloper, lumper", + "16939": "steward", + "16940": "steward, flight_attendant", + "16941": "steward", + "16942": "stickler", + "16943": "stiff", + "16944": "stifler, smotherer", + "16945": "stipendiary, stipendiary_magistrate", + "16946": "stitcher", + "16947": "stockjobber", + "16948": "stock_trader", + "16949": "stockist", + "16950": "stoker, fireman", + "16951": "stooper", + "16952": "store_detective", + "16953": "strafer", + "16954": "straight_man, second_banana", + "16955": "stranger, alien, unknown", + "16956": "stranger", + "16957": "strategist, strategian", + "16958": "straw_boss, assistant_foreman", + "16959": "streetwalker, street_girl, hooker, hustler, floozy, floozie, slattern", + "16960": "stretcher-bearer, litter-bearer", + "16961": "struggler", + "16962": "stud, he-man, macho-man", + "16963": "student, pupil, educatee", + "16964": "stumblebum, palooka", + "16965": "stylist", + "16966": "subaltern", + "16967": "subcontractor", + "16968": "subduer, surmounter, overcomer", + "16969": "subject, case, guinea_pig", + "16970": "subordinate, subsidiary, underling, foot_soldier", + "16971": "substitute, reserve, second-stringer", + "16972": "successor, heir", + "16973": "successor, replacement", + "16974": "succorer, succourer", + "16975": "Sufi", + "16976": "suffragan, suffragan_bishop", + "16977": "suffragette", + "16978": "sugar_daddy", + "16979": "suicide_bomber", + "16980": "suitor, suer, wooer", + "16981": "sumo_wrestler", + "16982": "sunbather", + "16983": "sundowner", + "16984": "super_heavyweight", + "16985": "superior, higher-up, superordinate", + "16986": "supermom", + "16987": "supernumerary, spear_carrier, extra", + "16988": "supremo", + "16989": "surgeon, operating_surgeon, sawbones", + "16990": "Surgeon_General", + "16991": "Surgeon_General", + "16992": "surpriser", + "16993": "surveyor", + "16994": "surveyor", + "16995": "survivor, subsister", + "16996": "sutler, victualer, victualler, provisioner", + "16997": "sweeper", + "16998": "sweetheart, sweetie, steady, truelove", + "16999": "swinger, tramp", + "17000": "switcher, whipper", + "17001": "swot, grind, nerd, wonk, dweeb", + "17002": "sycophant, toady, crawler, lackey, ass-kisser", + "17003": "sylph", + "17004": "sympathizer, sympathiser, well-wisher", + "17005": "symphonist", + "17006": "syncopator", + "17007": "syndic", + "17008": "tactician", + "17009": "tagger", + "17010": "tailback", + "17011": "tallyman, tally_clerk", + "17012": "tallyman", + "17013": "tanker, tank_driver", + "17014": "tapper, wiretapper, phone_tapper", + "17015": "Tartuffe, Tartufe", + "17016": "Tarzan", + "17017": "taster, taste_tester, taste-tester, sampler", + "17018": "tax_assessor, assessor", + "17019": "taxer", + "17020": "taxi_dancer", + "17021": "taxonomist, taxonomer, systematist", + "17022": "teacher, instructor", + "17023": "teaching_fellow", + "17024": "tearaway", + "17025": "technical_sergeant", + "17026": "technician", + "17027": "Ted, Teddy_boy", + "17028": "teetotaler, teetotaller, teetotalist", + "17029": "television_reporter, television_newscaster, TV_reporter, TV_newsman", + "17030": "temporizer, temporiser", + "17031": "tempter", + "17032": "term_infant", + "17033": "toiler", + "17034": "tenant, renter", + "17035": "tenant", + "17036": "tenderfoot", + "17037": "tennis_player", + "17038": "tennis_pro, professional_tennis_player", + "17039": "tenor_saxophonist, tenorist", + "17040": "termer", + "17041": "terror, scourge, threat", + "17042": "tertigravida, gravida_III", + "17043": "testator, testate", + "17044": "testatrix", + "17045": "testee, examinee", + "17046": "test-tube_baby", + "17047": "Texas_Ranger, Ranger", + "17048": "thane", + "17049": "theatrical_producer", + "17050": "theologian, theologist, theologizer, theologiser", + "17051": "theorist, theoretician, theorizer, theoriser, idealogue", + "17052": "theosophist", + "17053": "therapist, healer", + "17054": "Thessalonian", + "17055": "thinker, creative_thinker, mind", + "17056": "thinker", + "17057": "thrower", + "17058": "thurifer", + "17059": "ticket_collector, ticket_taker", + "17060": "tight_end", + "17061": "tiler", + "17062": "timekeeper, timer", + "17063": "Timorese", + "17064": "tinkerer, fiddler", + "17065": "tinsmith, tinner", + "17066": "tinter", + "17067": "tippler, social_drinker", + "17068": "tipster, tout", + "17069": "T-man", + "17070": "toastmaster, symposiarch", + "17071": "toast_mistress", + "17072": "tobogganist", + "17073": "tomboy, romp, hoyden", + "17074": "toolmaker", + "17075": "torchbearer", + "17076": "Tory", + "17077": "Tory", + "17078": "tosser", + "17079": "tosser, jerk-off, wanker", + "17080": "totalitarian", + "17081": "tourist, tourer, holidaymaker", + "17082": "tout, touter", + "17083": "tout, ticket_tout", + "17084": "tovarich, tovarisch", + "17085": "towhead", + "17086": "town_clerk", + "17087": "town_crier, crier", + "17088": "townsman, towner", + "17089": "toxicologist", + "17090": "track_star", + "17091": "trader, bargainer, dealer, monger", + "17092": "trade_unionist, unionist, union_member", + "17093": "traditionalist, diehard", + "17094": "traffic_cop", + "17095": "tragedian", + "17096": "tragedian", + "17097": "tragedienne", + "17098": "trail_boss", + "17099": "trainer", + "17100": "traitor, treasonist", + "17101": "traitress", + "17102": "transactor", + "17103": "transcriber", + "17104": "transfer, transferee", + "17105": "transferee", + "17106": "translator, transcriber", + "17107": "transvestite, cross-dresser", + "17108": "traveling_salesman, travelling_salesman, commercial_traveler, commercial_traveller, roadman, bagman", + "17109": "traverser", + "17110": "trawler", + "17111": "Treasury, First_Lord_of_the_Treasury", + "17112": "trencher", + "17113": "trend-setter, taste-maker, fashion_arbiter", + "17114": "tribesman", + "17115": "trier, attempter, essayer", + "17116": "trifler", + "17117": "trooper", + "17118": "trooper, state_trooper", + "17119": "Trotskyite, Trotskyist, Trot", + "17120": "truant, hooky_player", + "17121": "trumpeter, cornetist", + "17122": "trusty", + "17123": "Tudor", + "17124": "tumbler", + "17125": "tutee", + "17126": "twin", + "17127": "two-timer", + "17128": "Tyke", + "17129": "tympanist, timpanist", + "17130": "typist", + "17131": "tyrant, autocrat, despot", + "17132": "umpire, ump", + "17133": "understudy, standby", + "17134": "undesirable", + "17135": "unicyclist", + "17136": "unilateralist", + "17137": "Unitarian", + "17138": "Arminian", + "17139": "universal_donor", + "17140": "UNIX_guru", + "17141": "Unknown_Soldier", + "17142": "upsetter", + "17143": "upstager", + "17144": "upstart, parvenu, nouveau-riche, arriviste", + "17145": "upstart", + "17146": "urchin", + "17147": "urologist", + "17148": "usherette", + "17149": "usher, doorkeeper", + "17150": "usurper, supplanter", + "17151": "utility_man", + "17152": "utilizer, utiliser", + "17153": "Utopian", + "17154": "uxoricide", + "17155": "vacationer, vacationist", + "17156": "valedictorian, valedictory_speaker", + "17157": "valley_girl", + "17158": "vaulter, pole_vaulter, pole_jumper", + "17159": "vegetarian", + "17160": "vegan", + "17161": "venerator", + "17162": "venture_capitalist", + "17163": "venturer, merchant-venturer", + "17164": "vermin, varmint", + "17165": "very_important_person, VIP, high-up, dignitary, panjandrum, high_muckamuck", + "17166": "vibist, vibraphonist", + "17167": "vicar", + "17168": "vicar", + "17169": "vicar-general", + "17170": "vice_chancellor", + "17171": "vicegerent", + "17172": "vice_president, V.P.", + "17173": "vice-regent", + "17174": "victim, dupe", + "17175": "Victorian", + "17176": "victualer, victualler", + "17177": "vigilante, vigilance_man", + "17178": "villager", + "17179": "vintager", + "17180": "vintner, wine_merchant", + "17181": "violator, debaucher, ravisher", + "17182": "violator, lawbreaker, law_offender", + "17183": "violist", + "17184": "virago", + "17185": "virologist", + "17186": "Visayan, Bisayan", + "17187": "viscountess", + "17188": "viscount", + "17189": "Visigoth", + "17190": "visionary", + "17191": "visiting_fireman", + "17192": "visiting_professor", + "17193": "visualizer, visualiser", + "17194": "vixen, harpy, hellcat", + "17195": "vizier", + "17196": "voicer", + "17197": "volunteer, unpaid_worker", + "17198": "volunteer, military_volunteer, voluntary", + "17199": "votary", + "17200": "votary", + "17201": "vouchee", + "17202": "vower", + "17203": "voyager", + "17204": "voyeur, Peeping_Tom, peeper", + "17205": "vulcanizer, vulcaniser", + "17206": "waffler", + "17207": "Wagnerian", + "17208": "waif, street_child", + "17209": "wailer", + "17210": "waiter, server", + "17211": "waitress", + "17212": "walking_delegate", + "17213": "walk-on", + "17214": "wallah", + "17215": "wally", + "17216": "waltzer", + "17217": "wanderer, roamer, rover, bird_of_passage", + "17218": "Wandering_Jew", + "17219": "wanton", + "17220": "warrantee", + "17221": "warrantee", + "17222": "washer", + "17223": "washerman, laundryman", + "17224": "washwoman, washerwoman, laundrywoman, laundress", + "17225": "wassailer, carouser", + "17226": "wastrel, waster", + "17227": "Wave", + "17228": "weatherman, weather_forecaster", + "17229": "weekend_warrior", + "17230": "weeder", + "17231": "welder", + "17232": "welfare_case, charity_case", + "17233": "westerner", + "17234": "West-sider", + "17235": "wetter", + "17236": "whaler", + "17237": "Whig", + "17238": "whiner, complainer, moaner, sniveller, crybaby, bellyacher, grumbler, squawker", + "17239": "whipper-in", + "17240": "whisperer", + "17241": "whiteface", + "17242": "Carmelite, White_Friar", + "17243": "Augustinian", + "17244": "white_hope, great_white_hope", + "17245": "white_supremacist", + "17246": "whoremaster, whoremonger", + "17247": "whoremaster, whoremonger, john, trick", + "17248": "widow, widow_woman", + "17249": "wife, married_woman", + "17250": "wiggler, wriggler, squirmer", + "17251": "wimp, chicken, crybaby", + "17252": "wing_commander", + "17253": "winger", + "17254": "winner", + "17255": "winner, victor", + "17256": "window_dresser, window_trimmer", + "17257": "winker", + "17258": "wiper", + "17259": "wireman, wirer", + "17260": "wise_guy, smart_aleck, wiseacre, wisenheimer, weisenheimer", + "17261": "witch_doctor", + "17262": "withdrawer", + "17263": "withdrawer", + "17264": "woman, adult_female", + "17265": "woman", + "17266": "wonder_boy, golden_boy", + "17267": "wonderer", + "17268": "working_girl", + "17269": "workman, workingman, working_man, working_person", + "17270": "workmate", + "17271": "worldling", + "17272": "worshiper, worshipper", + "17273": "worthy", + "17274": "wrecker", + "17275": "wright", + "17276": "write-in_candidate, write-in", + "17277": "writer, author", + "17278": "Wykehamist", + "17279": "yakuza", + "17280": "yard_bird, yardbird", + "17281": "yardie", + "17282": "yardman", + "17283": "yardmaster, trainmaster, train_dispatcher", + "17284": "yenta", + "17285": "yogi", + "17286": "young_buck, young_man", + "17287": "young_Turk", + "17288": "Young_Turk", + "17289": "Zionist", + "17290": "zoo_keeper", + "17291": "Genet, Edmund_Charles_Edouard_Genet, Citizen_Genet", + "17292": "Kennan, George_F._Kennan, George_Frost_Kennan", + "17293": "Munro, H._H._Munro, Hector_Hugh_Munro, Saki", + "17294": "Popper, Karl_Popper, Sir_Karl_Raimund_Popper", + "17295": "Stoker, Bram_Stoker, Abraham_Stoker", + "17296": "Townes, Charles_Townes, Charles_Hard_Townes", + "17297": "dust_storm, duster, sandstorm, sirocco", + "17298": "parhelion, mock_sun, sundog", + "17299": "snow, snowfall", + "17300": "facula", + "17301": "wave", + "17302": "microflora", + "17303": "wilding", + "17304": "semi-climber", + "17305": "volva", + "17306": "basidiocarp", + "17307": "domatium", + "17308": "apomict", + "17309": "aquatic", + "17310": "bryophyte, nonvascular_plant", + "17311": "acrocarp, acrocarpous_moss", + "17312": "sphagnum, sphagnum_moss, peat_moss, bog_moss", + "17313": "liverwort, hepatic", + "17314": "hepatica, Marchantia_polymorpha", + "17315": "pecopteris", + "17316": "pteridophyte, nonflowering_plant", + "17317": "fern", + "17318": "fern_ally", + "17319": "spore", + "17320": "carpospore", + "17321": "chlamydospore", + "17322": "conidium, conidiospore", + "17323": "oospore", + "17324": "tetraspore", + "17325": "zoospore", + "17326": "cryptogam", + "17327": "spermatophyte, phanerogam, seed_plant", + "17328": "seedling", + "17329": "annual", + "17330": "biennial", + "17331": "perennial", + "17332": "hygrophyte", + "17333": "gymnosperm", + "17334": "gnetum, Gnetum_gnemon", + "17335": "Catha_edulis", + "17336": "ephedra, joint_fir", + "17337": "mahuang, Ephedra_sinica", + "17338": "welwitschia, Welwitschia_mirabilis", + "17339": "cycad", + "17340": "sago_palm, Cycas_revoluta", + "17341": "false_sago, fern_palm, Cycas_circinalis", + "17342": "zamia", + "17343": "coontie, Florida_arrowroot, Seminole_bread, Zamia_pumila", + "17344": "ceratozamia", + "17345": "dioon", + "17346": "encephalartos", + "17347": "kaffir_bread, Encephalartos_caffer", + "17348": "macrozamia", + "17349": "burrawong, Macrozamia_communis, Macrozamia_spiralis", + "17350": "pine, pine_tree, true_pine", + "17351": "pinon, pinyon", + "17352": "nut_pine", + "17353": "pinon_pine, Mexican_nut_pine, Pinus_cembroides", + "17354": "Rocky_mountain_pinon, Pinus_edulis", + "17355": "single-leaf, single-leaf_pine, single-leaf_pinyon, Pinus_monophylla", + "17356": "bishop_pine, bishop's_pine, Pinus_muricata", + "17357": "California_single-leaf_pinyon, Pinus_californiarum", + "17358": "Parry's_pinyon, Pinus_quadrifolia, Pinus_parryana", + "17359": "spruce_pine, Pinus_glabra", + "17360": "black_pine, Pinus_nigra", + "17361": "pitch_pine, northern_pitch_pine, Pinus_rigida", + "17362": "pond_pine, Pinus_serotina", + "17363": "stone_pine, umbrella_pine, European_nut_pine, Pinus_pinea", + "17364": "Swiss_pine, Swiss_stone_pine, arolla_pine, cembra_nut_tree, Pinus_cembra", + "17365": "cembra_nut, cedar_nut", + "17366": "Swiss_mountain_pine, mountain_pine, dwarf_mountain_pine, mugho_pine, mugo_pine, Pinus_mugo", + "17367": "ancient_pine, Pinus_longaeva", + "17368": "white_pine", + "17369": "American_white_pine, eastern_white_pine, weymouth_pine, Pinus_strobus", + "17370": "western_white_pine, silver_pine, mountain_pine, Pinus_monticola", + "17371": "southwestern_white_pine, Pinus_strobiformis", + "17372": "limber_pine, Pinus_flexilis", + "17373": "whitebark_pine, whitebarked_pine, Pinus_albicaulis", + "17374": "yellow_pine", + "17375": "ponderosa, ponderosa_pine, western_yellow_pine, bull_pine, Pinus_ponderosa", + "17376": "Jeffrey_pine, Jeffrey's_pine, black_pine, Pinus_jeffreyi", + "17377": "shore_pine, lodgepole, lodgepole_pine, spruce_pine, Pinus_contorta", + "17378": "Sierra_lodgepole_pine, Pinus_contorta_murrayana", + "17379": "loblolly_pine, frankincense_pine, Pinus_taeda", + "17380": "jack_pine, Pinus_banksiana", + "17381": "swamp_pine", + "17382": "longleaf_pine, pitch_pine, southern_yellow_pine, Georgia_pine, Pinus_palustris", + "17383": "shortleaf_pine, short-leaf_pine, shortleaf_yellow_pine, Pinus_echinata", + "17384": "red_pine, Canadian_red_pine, Pinus_resinosa", + "17385": "Scotch_pine, Scots_pine, Scotch_fir, Pinus_sylvestris", + "17386": "scrub_pine, Virginia_pine, Jersey_pine, Pinus_virginiana", + "17387": "Monterey_pine, Pinus_radiata", + "17388": "bristlecone_pine, Rocky_Mountain_bristlecone_pine, Pinus_aristata", + "17389": "table-mountain_pine, prickly_pine, hickory_pine, Pinus_pungens", + "17390": "knobcone_pine, Pinus_attenuata", + "17391": "Japanese_red_pine, Japanese_table_pine, Pinus_densiflora", + "17392": "Japanese_black_pine, black_pine, Pinus_thunbergii", + "17393": "Torrey_pine, Torrey's_pine, soledad_pine, grey-leaf_pine, sabine_pine, Pinus_torreyana", + "17394": "larch, larch_tree", + "17395": "American_larch, tamarack, black_larch, Larix_laricina", + "17396": "western_larch, western_tamarack, Oregon_larch, Larix_occidentalis", + "17397": "subalpine_larch, Larix_lyallii", + "17398": "European_larch, Larix_decidua", + "17399": "Siberian_larch, Larix_siberica, Larix_russica", + "17400": "golden_larch, Pseudolarix_amabilis", + "17401": "fir, fir_tree, true_fir", + "17402": "silver_fir", + "17403": "amabilis_fir, white_fir, Pacific_silver_fir, red_silver_fir, Christmas_tree, Abies_amabilis", + "17404": "European_silver_fir, Christmas_tree, Abies_alba", + "17405": "white_fir, Colorado_fir, California_white_fir, Abies_concolor, Abies_lowiana", + "17406": "balsam_fir, balm_of_Gilead, Canada_balsam, Abies_balsamea", + "17407": "Fraser_fir, Abies_fraseri", + "17408": "lowland_fir, lowland_white_fir, giant_fir, grand_fir, Abies_grandis", + "17409": "Alpine_fir, subalpine_fir, Abies_lasiocarpa", + "17410": "Santa_Lucia_fir, bristlecone_fir, Abies_bracteata, Abies_venusta", + "17411": "cedar, cedar_tree, true_cedar", + "17412": "cedar_of_Lebanon, Cedrus_libani", + "17413": "deodar, deodar_cedar, Himalayan_cedar, Cedrus_deodara", + "17414": "Atlas_cedar, Cedrus_atlantica", + "17415": "spruce", + "17416": "Norway_spruce, Picea_abies", + "17417": "weeping_spruce, Brewer's_spruce, Picea_breweriana", + "17418": "Engelmann_spruce, Engelmann's_spruce, Picea_engelmannii", + "17419": "white_spruce, Picea_glauca", + "17420": "black_spruce, Picea_mariana, spruce_pine", + "17421": "Siberian_spruce, Picea_obovata", + "17422": "Sitka_spruce, Picea_sitchensis", + "17423": "oriental_spruce, Picea_orientalis", + "17424": "Colorado_spruce, Colorado_blue_spruce, silver_spruce, Picea_pungens", + "17425": "red_spruce, eastern_spruce, yellow_spruce, Picea_rubens", + "17426": "hemlock, hemlock_tree", + "17427": "eastern_hemlock, Canadian_hemlock, spruce_pine, Tsuga_canadensis", + "17428": "Carolina_hemlock, Tsuga_caroliniana", + "17429": "mountain_hemlock, black_hemlock, Tsuga_mertensiana", + "17430": "western_hemlock, Pacific_hemlock, west_coast_hemlock, Tsuga_heterophylla", + "17431": "douglas_fir", + "17432": "green_douglas_fir, douglas_spruce, douglas_pine, douglas_hemlock, Oregon_fir, Oregon_pine, Pseudotsuga_menziesii", + "17433": "big-cone_spruce, big-cone_douglas_fir, Pseudotsuga_macrocarpa", + "17434": "Cathaya", + "17435": "cedar, cedar_tree", + "17436": "cypress, cypress_tree", + "17437": "gowen_cypress, Cupressus_goveniana", + "17438": "pygmy_cypress, Cupressus_pigmaea, Cupressus_goveniana_pigmaea", + "17439": "Santa_Cruz_cypress, Cupressus_abramsiana, Cupressus_goveniana_abramsiana", + "17440": "Arizona_cypress, Cupressus_arizonica", + "17441": "Guadalupe_cypress, Cupressus_guadalupensis", + "17442": "Monterey_cypress, Cupressus_macrocarpa", + "17443": "Mexican_cypress, cedar_of_Goa, Portuguese_cypress, Cupressus_lusitanica", + "17444": "Italian_cypress, Mediterranean_cypress, Cupressus_sempervirens", + "17445": "King_William_pine, Athrotaxis_selaginoides", + "17446": "Chilean_cedar, Austrocedrus_chilensis", + "17447": "incense_cedar, red_cedar, Calocedrus_decurrens, Libocedrus_decurrens", + "17448": "southern_white_cedar, coast_white_cedar, Atlantic_white_cedar, white_cypress, white_cedar, Chamaecyparis_thyoides", + "17449": "Oregon_cedar, Port_Orford_cedar, Lawson's_cypress, Lawson's_cedar, Chamaecyparis_lawsoniana", + "17450": "yellow_cypress, yellow_cedar, Nootka_cypress, Alaska_cedar, Chamaecyparis_nootkatensis", + "17451": "Japanese_cedar, Japan_cedar, sugi, Cryptomeria_japonica", + "17452": "juniper_berry", + "17453": "incense_cedar", + "17454": "kawaka, Libocedrus_plumosa", + "17455": "pahautea, Libocedrus_bidwillii, mountain_pine", + "17456": "metasequoia, dawn_redwood, Metasequoia_glyptostrodoides", + "17457": "arborvitae", + "17458": "western_red_cedar, red_cedar, canoe_cedar, Thuja_plicata", + "17459": "American_arborvitae, northern_white_cedar, white_cedar, Thuja_occidentalis", + "17460": "Oriental_arborvitae, Thuja_orientalis, Platycladus_orientalis", + "17461": "hiba_arborvitae, Thujopsis_dolobrata", + "17462": "keteleeria", + "17463": "Wollemi_pine", + "17464": "araucaria", + "17465": "monkey_puzzle, chile_pine, Araucaria_araucana", + "17466": "norfolk_island_pine, Araucaria_heterophylla, Araucaria_excelsa", + "17467": "new_caledonian_pine, Araucaria_columnaris", + "17468": "bunya_bunya, bunya_bunya_tree, Araucaria_bidwillii", + "17469": "hoop_pine, Moreton_Bay_pine, Araucaria_cunninghamii", + "17470": "kauri_pine, dammar_pine", + "17471": "kauri, kaury, Agathis_australis", + "17472": "amboina_pine, amboyna_pine, Agathis_dammara, Agathis_alba", + "17473": "dundathu_pine, queensland_kauri, smooth_bark_kauri, Agathis_robusta", + "17474": "red_kauri, Agathis_lanceolata", + "17475": "plum-yew", + "17476": "California_nutmeg, nutmeg-yew, Torreya_californica", + "17477": "stinking_cedar, stinking_yew, Torrey_tree, Torreya_taxifolia", + "17478": "celery_pine", + "17479": "celery_top_pine, celery-topped_pine, Phyllocladus_asplenifolius", + "17480": "tanekaha, Phyllocladus_trichomanoides", + "17481": "Alpine_celery_pine, Phyllocladus_alpinus", + "17482": "yellowwood, yellowwood_tree", + "17483": "gymnospermous_yellowwood", + "17484": "podocarp", + "17485": "yacca, yacca_podocarp, Podocarpus_coriaceus", + "17486": "brown_pine, Rockingham_podocarp, Podocarpus_elatus", + "17487": "cape_yellowwood, African_yellowwood, Podocarpus_elongatus", + "17488": "South-African_yellowwood, Podocarpus_latifolius", + "17489": "alpine_totara, Podocarpus_nivalis", + "17490": "totara, Podocarpus_totara", + "17491": "common_yellowwood, bastard_yellowwood, Afrocarpus_falcata", + "17492": "kahikatea, New_Zealand_Dacryberry, New_Zealand_white_pine, Dacrycarpus_dacrydioides, Podocarpus_dacrydioides", + "17493": "rimu, imou_pine, red_pine, Dacrydium_cupressinum", + "17494": "tarwood, tar-wood, Dacrydium_colensoi", + "17495": "common_sickle_pine, Falcatifolium_falciforme", + "17496": "yellow-leaf_sickle_pine, Falcatifolium_taxoides", + "17497": "tarwood, tar-wood, New_Zealand_mountain_pine, Halocarpus_bidwilli, Dacrydium_bidwilli", + "17498": "westland_pine, silver_pine, Lagarostrobus_colensoi", + "17499": "huon_pine, Lagarostrobus_franklinii, Dacrydium_franklinii", + "17500": "Chilean_rimu, Lepidothamnus_fonkii", + "17501": "mountain_rimu, Lepidothamnus_laxifolius, Dacridium_laxifolius", + "17502": "nagi, Nageia_nagi", + "17503": "miro, black_pine, Prumnopitys_ferruginea, Podocarpus_ferruginea", + "17504": "matai, black_pine, Prumnopitys_taxifolia, Podocarpus_spicata", + "17505": "plum-fruited_yew, Prumnopitys_andina, Prumnopitys_elegans", + "17506": "Prince_Albert_yew, Prince_Albert's_yew, Saxe-gothea_conspicua", + "17507": "Sundacarpus_amara, Prumnopitys_amara, Podocarpus_amara", + "17508": "Japanese_umbrella_pine, Sciadopitys_verticillata", + "17509": "yew", + "17510": "Old_World_yew, English_yew, Taxus_baccata", + "17511": "Pacific_yew, California_yew, western_yew, Taxus_brevifolia", + "17512": "Japanese_yew, Taxus_cuspidata", + "17513": "Florida_yew, Taxus_floridana", + "17514": "New_Caledonian_yew, Austrotaxus_spicata", + "17515": "white-berry_yew, Pseudotaxus_chienii", + "17516": "ginkgo, gingko, maidenhair_tree, Ginkgo_biloba", + "17517": "angiosperm, flowering_plant", + "17518": "dicot, dicotyledon, magnoliopsid, exogen", + "17519": "monocot, monocotyledon, liliopsid, endogen", + "17520": "floret, floweret", + "17521": "flower", + "17522": "bloomer", + "17523": "wildflower, wild_flower", + "17524": "apetalous_flower", + "17525": "inflorescence", + "17526": "rosebud", + "17527": "gynostegium", + "17528": "pollinium", + "17529": "pistil", + "17530": "gynobase", + "17531": "gynophore", + "17532": "stylopodium", + "17533": "carpophore", + "17534": "cornstalk, corn_stalk", + "17535": "petiolule", + "17536": "mericarp", + "17537": "micropyle", + "17538": "germ_tube", + "17539": "pollen_tube", + "17540": "gemma", + "17541": "galbulus", + "17542": "nectary, honey_gland", + "17543": "pericarp, seed_vessel", + "17544": "epicarp, exocarp", + "17545": "mesocarp", + "17546": "pip", + "17547": "silique, siliqua", + "17548": "cataphyll", + "17549": "perisperm", + "17550": "monocarp, monocarpic_plant, monocarpous_plant", + "17551": "sporophyte", + "17552": "gametophyte", + "17553": "megasporangium, macrosporangium", + "17554": "microspore", + "17555": "microsporangium", + "17556": "microsporophyll", + "17557": "archespore, archesporium", + "17558": "bonduc_nut, nicker_nut, nicker_seed", + "17559": "Job's_tears", + "17560": "oilseed, oil-rich_seed", + "17561": "castor_bean", + "17562": "cottonseed", + "17563": "candlenut", + "17564": "peach_pit", + "17565": "hypanthium, floral_cup, calyx_tube", + "17566": "petal, flower_petal", + "17567": "corolla", + "17568": "lip", + "17569": "perianth, chlamys, floral_envelope, perigone, perigonium", + "17570": "thistledown", + "17571": "custard_apple, custard_apple_tree", + "17572": "cherimoya, cherimoya_tree, Annona_cherimola", + "17573": "ilama, ilama_tree, Annona_diversifolia", + "17574": "soursop, prickly_custard_apple, soursop_tree, Annona_muricata", + "17575": "bullock's_heart, bullock's_heart_tree, bullock_heart, Annona_reticulata", + "17576": "sweetsop, sweetsop_tree, Annona_squamosa", + "17577": "pond_apple, pond-apple_tree, Annona_glabra", + "17578": "pawpaw, papaw, papaw_tree, Asimina_triloba", + "17579": "ilang-ilang, ylang-ylang, Cananga_odorata", + "17580": "lancewood, lancewood_tree, Oxandra_lanceolata", + "17581": "Guinea_pepper, negro_pepper, Xylopia_aethiopica", + "17582": "barberry", + "17583": "American_barberry, Berberis_canadensis", + "17584": "common_barberry, European_barberry, Berberis_vulgaris", + "17585": "Japanese_barberry, Berberis_thunbergii", + "17586": "Oregon_grape, Oregon_holly_grape, hollygrape, mountain_grape, holly-leaves_barberry, Mahonia_aquifolium", + "17587": "Oregon_grape, Mahonia_nervosa", + "17588": "mayapple, May_apple, wild_mandrake, Podophyllum_peltatum", + "17589": "May_apple", + "17590": "allspice", + "17591": "Carolina_allspice, strawberry_shrub, strawberry_bush, sweet_shrub, Calycanthus_floridus", + "17592": "spicebush, California_allspice, Calycanthus_occidentalis", + "17593": "katsura_tree, Cercidiphyllum_japonicum", + "17594": "laurel", + "17595": "true_laurel, bay, bay_laurel, bay_tree, Laurus_nobilis", + "17596": "camphor_tree, Cinnamomum_camphora", + "17597": "cinnamon, Ceylon_cinnamon, Ceylon_cinnamon_tree, Cinnamomum_zeylanicum", + "17598": "cassia, cassia-bark_tree, Cinnamomum_cassia", + "17599": "cassia_bark, Chinese_cinnamon", + "17600": "Saigon_cinnamon, Cinnamomum_loureirii", + "17601": "cinnamon_bark", + "17602": "spicebush, spice_bush, American_spicebush, Benjamin_bush, Lindera_benzoin, Benzoin_odoriferum", + "17603": "avocado, avocado_tree, Persea_Americana", + "17604": "laurel-tree, red_bay, Persea_borbonia", + "17605": "sassafras, sassafras_tree, Sassafras_albidum", + "17606": "California_laurel, California_bay_tree, Oregon_myrtle, pepperwood, spice_tree, sassafras_laurel, California_olive, mountain_laurel, Umbellularia_californica", + "17607": "anise_tree", + "17608": "purple_anise, Illicium_floridanum", + "17609": "star_anise, Illicium_anisatum", + "17610": "star_anise, Chinese_anise, Illicium_verum", + "17611": "magnolia", + "17612": "southern_magnolia, evergreen_magnolia, large-flowering_magnolia, bull_bay, Magnolia_grandiflora", + "17613": "umbrella_tree, umbrella_magnolia, elkwood, elk-wood, Magnolia_tripetala", + "17614": "earleaved_umbrella_tree, Magnolia_fraseri", + "17615": "cucumber_tree, Magnolia_acuminata", + "17616": "large-leaved_magnolia, large-leaved_cucumber_tree, great-leaved_macrophylla, Magnolia_macrophylla", + "17617": "saucer_magnolia, Chinese_magnolia, Magnolia_soulangiana", + "17618": "star_magnolia, Magnolia_stellata", + "17619": "sweet_bay, swamp_bay, swamp_laurel, Magnolia_virginiana", + "17620": "manglietia, genus_Manglietia", + "17621": "tulip_tree, tulip_poplar, yellow_poplar, canary_whitewood, Liriodendron_tulipifera", + "17622": "moonseed", + "17623": "common_moonseed, Canada_moonseed, yellow_parilla, Menispermum_canadense", + "17624": "Carolina_moonseed, Cocculus_carolinus", + "17625": "nutmeg, nutmeg_tree, Myristica_fragrans", + "17626": "water_nymph, fragrant_water_lily, pond_lily, Nymphaea_odorata", + "17627": "European_white_lily, Nymphaea_alba", + "17628": "southern_spatterdock, Nuphar_sagittifolium", + "17629": "lotus, Indian_lotus, sacred_lotus, Nelumbo_nucifera", + "17630": "water_chinquapin, American_lotus, yanquapin, Nelumbo_lutea", + "17631": "water-shield, fanwort, Cabomba_caroliniana", + "17632": "water-shield, Brasenia_schreberi, water-target", + "17633": "peony, paeony", + "17634": "buttercup, butterflower, butter-flower, crowfoot, goldcup, kingcup", + "17635": "meadow_buttercup, tall_buttercup, tall_crowfoot, tall_field_buttercup, Ranunculus_acris", + "17636": "water_crowfoot, water_buttercup, Ranunculus_aquatilis", + "17637": "lesser_celandine, pilewort, Ranunculus_ficaria", + "17638": "lesser_spearwort, Ranunculus_flammula", + "17639": "greater_spearwort, Ranunculus_lingua", + "17640": "western_buttercup, Ranunculus_occidentalis", + "17641": "creeping_buttercup, creeping_crowfoot, Ranunculus_repens", + "17642": "cursed_crowfoot, celery-leaved_buttercup, Ranunculus_sceleratus", + "17643": "aconite", + "17644": "monkshood, helmetflower, helmet_flower, Aconitum_napellus", + "17645": "wolfsbane, wolfbane, wolf's_bane, Aconitum_lycoctonum", + "17646": "baneberry, cohosh, herb_Christopher", + "17647": "baneberry", + "17648": "red_baneberry, redberry, red-berry, snakeberry, Actaea_rubra", + "17649": "pheasant's-eye, Adonis_annua", + "17650": "anemone, windflower", + "17651": "Alpine_anemone, mountain_anemone, Anemone_tetonensis", + "17652": "Canada_anemone, Anemone_Canadensis", + "17653": "thimbleweed, Anemone_cylindrica", + "17654": "wood_anemone, Anemone_nemorosa", + "17655": "wood_anemone, snowdrop, Anemone_quinquefolia", + "17656": "longheaded_thimbleweed, Anemone_riparia", + "17657": "snowdrop_anemone, snowdrop_windflower, Anemone_sylvestris", + "17658": "Virginia_thimbleweed, Anemone_virginiana", + "17659": "rue_anemone, Anemonella_thalictroides", + "17660": "columbine, aquilegia, aquilege", + "17661": "meeting_house, honeysuckle, Aquilegia_canadensis", + "17662": "blue_columbine, Aquilegia_caerulea, Aquilegia_scopulorum_calcarea", + "17663": "granny's_bonnets, Aquilegia_vulgaris", + "17664": "marsh_marigold, kingcup, meadow_bright, May_blob, cowslip, water_dragon, Caltha_palustris", + "17665": "American_bugbane, summer_cohosh, Cimicifuga_americana", + "17666": "black_cohosh, black_snakeroot, rattle-top, Cimicifuga_racemosa", + "17667": "fetid_bugbane, foetid_bugbane, Cimicifuga_foetida", + "17668": "clematis", + "17669": "pine_hyacinth, Clematis_baldwinii, Viorna_baldwinii", + "17670": "blue_jasmine, blue_jessamine, curly_clematis, marsh_clematis, Clematis_crispa", + "17671": "golden_clematis, Clematis_tangutica", + "17672": "scarlet_clematis, Clematis_texensis", + "17673": "leather_flower, Clematis_versicolor", + "17674": "leather_flower, vase-fine, vase_vine, Clematis_viorna", + "17675": "virgin's_bower, old_man's_beard, devil's_darning_needle, Clematis_virginiana", + "17676": "purple_clematis, purple_virgin's_bower, mountain_clematis, Clematis_verticillaris", + "17677": "goldthread, golden_thread, Coptis_groenlandica, Coptis_trifolia_groenlandica", + "17678": "rocket_larkspur, Consolida_ambigua, Delphinium_ajacis", + "17679": "delphinium", + "17680": "larkspur", + "17681": "winter_aconite, Eranthis_hyemalis", + "17682": "lenten_rose, black_hellebore, Helleborus_orientalis", + "17683": "green_hellebore, Helleborus_viridis", + "17684": "hepatica, liverleaf", + "17685": "goldenseal, golden_seal, yellow_root, turmeric_root, Hydrastis_Canadensis", + "17686": "false_rue_anemone, false_rue, Isopyrum_biternatum", + "17687": "giant_buttercup, Laccopetalum_giganteum", + "17688": "nigella", + "17689": "love-in-a-mist, Nigella_damascena", + "17690": "fennel_flower, Nigella_hispanica", + "17691": "black_caraway, nutmeg_flower, Roman_coriander, Nigella_sativa", + "17692": "pasqueflower, pasque_flower", + "17693": "meadow_rue", + "17694": "false_bugbane, Trautvetteria_carolinensis", + "17695": "globeflower, globe_flower", + "17696": "winter's_bark, winter's_bark_tree, Drimys_winteri", + "17697": "pepper_shrub, Pseudowintera_colorata, Wintera_colorata", + "17698": "sweet_gale, Scotch_gale, Myrica_gale", + "17699": "wax_myrtle", + "17700": "bay_myrtle, puckerbush, Myrica_cerifera", + "17701": "bayberry, candleberry, swamp_candleberry, waxberry, Myrica_pensylvanica", + "17702": "sweet_fern, Comptonia_peregrina, Comptonia_asplenifolia", + "17703": "corkwood, corkwood_tree, Leitneria_floridana", + "17704": "jointed_rush, Juncus_articulatus", + "17705": "toad_rush, Juncus_bufonius", + "17706": "slender_rush, Juncus_tenuis", + "17707": "zebrawood, zebrawood_tree", + "17708": "Connarus_guianensis", + "17709": "legume, leguminous_plant", + "17710": "legume", + "17711": "peanut", + "17712": "granadilla_tree, granadillo, Brya_ebenus", + "17713": "arariba, Centrolobium_robustum", + "17714": "tonka_bean, coumara_nut", + "17715": "courbaril, Hymenaea_courbaril", + "17716": "melilotus, melilot, sweet_clover", + "17717": "darling_pea, poison_bush", + "17718": "smooth_darling_pea, Swainsona_galegifolia", + "17719": "clover, trefoil", + "17720": "alpine_clover, Trifolium_alpinum", + "17721": "hop_clover, shamrock, lesser_yellow_trefoil, Trifolium_dubium", + "17722": "crimson_clover, Italian_clover, Trifolium_incarnatum", + "17723": "red_clover, purple_clover, Trifolium_pratense", + "17724": "buffalo_clover, Trifolium_reflexum, Trifolium_stoloniferum", + "17725": "white_clover, dutch_clover, shamrock, Trifolium_repens", + "17726": "mimosa", + "17727": "acacia", + "17728": "shittah, shittah_tree", + "17729": "wattle", + "17730": "black_wattle, Acacia_auriculiformis", + "17731": "gidgee, stinking_wattle, Acacia_cambegei", + "17732": "catechu, Jerusalem_thorn, Acacia_catechu", + "17733": "silver_wattle, mimosa, Acacia_dealbata", + "17734": "huisache, cassie, mimosa_bush, sweet_wattle, sweet_acacia, scented_wattle, flame_tree, Acacia_farnesiana", + "17735": "lightwood, Acacia_melanoxylon", + "17736": "golden_wattle, Acacia_pycnantha", + "17737": "fever_tree, Acacia_xanthophloea", + "17738": "coralwood, coral-wood, red_sandalwood, Barbados_pride, peacock_flower_fence, Adenanthera_pavonina", + "17739": "albizzia, albizia", + "17740": "silk_tree, Albizia_julibrissin, Albizzia_julibrissin", + "17741": "siris, siris_tree, Albizia_lebbeck, Albizzia_lebbeck", + "17742": "rain_tree, saman, monkeypod, monkey_pod, zaman, zamang, Albizia_saman", + "17743": "calliandra", + "17744": "conacaste, elephant's_ear, Enterolobium_cyclocarpa", + "17745": "inga", + "17746": "ice-cream_bean, Inga_edulis", + "17747": "guama, Inga_laurina", + "17748": "lead_tree, white_popinac, Leucaena_glauca, Leucaena_leucocephala", + "17749": "wild_tamarind, Lysiloma_latisiliqua, Lysiloma_bahamensis", + "17750": "sabicu, Lysiloma_sabicu", + "17751": "nitta_tree", + "17752": "Parkia_javanica", + "17753": "manila_tamarind, camachile, huamachil, wild_tamarind, Pithecellobium_dulce", + "17754": "cat's-claw, catclaw, black_bead, Pithecellodium_unguis-cati", + "17755": "honey_mesquite, Western_honey_mesquite, Prosopis_glandulosa", + "17756": "algarroba, algarrobilla, algarobilla", + "17757": "screw_bean, screwbean, tornillo, screwbean_mesquite, Prosopis_pubescens", + "17758": "screw_bean", + "17759": "dogbane", + "17760": "Indian_hemp, rheumatism_weed, Apocynum_cannabinum", + "17761": "bushman's_poison, ordeal_tree, Acocanthera_oppositifolia, Acocanthera_venenata", + "17762": "impala_lily, mock_azalia, desert_rose, kudu_lily, Adenium_obesum, Adenium_multiflorum", + "17763": "allamanda", + "17764": "common_allamanda, golden_trumpet, Allamanda_cathartica", + "17765": "dita, dita_bark, devil_tree, Alstonia_scholaris", + "17766": "Nepal_trumpet_flower, Easter_lily_vine, Beaumontia_grandiflora", + "17767": "carissa", + "17768": "hedge_thorn, natal_plum, Carissa_bispinosa", + "17769": "natal_plum, amatungulu, Carissa_macrocarpa, Carissa_grandiflora", + "17770": "periwinkle, rose_periwinkle, Madagascar_periwinkle, old_maid, Cape_periwinkle, red_periwinkle, cayenne_jasmine, Catharanthus_roseus, Vinca_rosea", + "17771": "ivory_tree, conessi, kurchi, kurchee, Holarrhena_pubescens, Holarrhena_antidysenterica", + "17772": "white_dipladenia, Mandevilla_boliviensis, Dipladenia_boliviensis", + "17773": "Chilean_jasmine, Mandevilla_laxa", + "17774": "oleander, rose_bay, Nerium_oleander", + "17775": "frangipani, frangipanni", + "17776": "West_Indian_jasmine, pagoda_tree, Plumeria_alba", + "17777": "rauwolfia, rauvolfia", + "17778": "snakewood, Rauwolfia_serpentina", + "17779": "Strophanthus_kombe", + "17780": "yellow_oleander, Thevetia_peruviana, Thevetia_neriifolia", + "17781": "myrtle, Vinca_minor", + "17782": "large_periwinkle, Vinca_major", + "17783": "arum, aroid", + "17784": "cuckoopint, lords-and-ladies, jack-in-the-pulpit, Arum_maculatum", + "17785": "black_calla, Arum_palaestinum", + "17786": "calamus", + "17787": "alocasia, elephant's_ear, elephant_ear", + "17788": "giant_taro, Alocasia_macrorrhiza", + "17789": "amorphophallus", + "17790": "pungapung, telingo_potato, elephant_yam, Amorphophallus_paeonifolius, Amorphophallus_campanulatus", + "17791": "devil's_tongue, snake_palm, umbrella_arum, Amorphophallus_rivieri", + "17792": "anthurium, tailflower, tail-flower", + "17793": "flamingo_flower, flamingo_plant, Anthurium_andraeanum, Anthurium_scherzerianum", + "17794": "jack-in-the-pulpit, Indian_turnip, wake-robin, Arisaema_triphyllum, Arisaema_atrorubens", + "17795": "friar's-cowl, Arisarum_vulgare", + "17796": "caladium", + "17797": "Caladium_bicolor", + "17798": "wild_calla, water_arum, Calla_palustris", + "17799": "taro, taro_plant, dalo, dasheen, Colocasia_esculenta", + "17800": "taro, cocoyam, dasheen, eddo", + "17801": "cryptocoryne, water_trumpet", + "17802": "dracontium", + "17803": "golden_pothos, pothos, ivy_arum, Epipremnum_aureum, Scindapsus_aureus", + "17804": "skunk_cabbage, Lysichiton_americanum", + "17805": "monstera", + "17806": "ceriman, Monstera_deliciosa", + "17807": "nephthytis", + "17808": "Nephthytis_afzelii", + "17809": "arrow_arum", + "17810": "green_arrow_arum, tuckahoe, Peltandra_virginica", + "17811": "philodendron", + "17812": "pistia, water_lettuce, water_cabbage, Pistia_stratiotes, Pistia_stratoites", + "17813": "pothos", + "17814": "spathiphyllum, peace_lily, spathe_flower", + "17815": "skunk_cabbage, polecat_weed, foetid_pothos, Symplocarpus_foetidus", + "17816": "yautia, tannia, spoonflower, malanga, Xanthosoma_sagittifolium, Xanthosoma_atrovirens", + "17817": "calla_lily, calla, arum_lily, Zantedeschia_aethiopica", + "17818": "pink_calla, Zantedeschia_rehmanii", + "17819": "golden_calla", + "17820": "duckweed", + "17821": "common_duckweed, lesser_duckweed, Lemna_minor", + "17822": "star-duckweed, Lemna_trisulca", + "17823": "great_duckweed, water_flaxseed, Spirodela_polyrrhiza", + "17824": "watermeal", + "17825": "common_wolffia, Wolffia_columbiana", + "17826": "aralia", + "17827": "American_angelica_tree, devil's_walking_stick, Hercules'-club, Aralia_spinosa", + "17828": "American_spikenard, petty_morel, life-of-man, Aralia_racemosa", + "17829": "bristly_sarsaparilla, bristly_sarsparilla, dwarf_elder, Aralia_hispida", + "17830": "Japanese_angelica_tree, Aralia_elata", + "17831": "Chinese_angelica, Chinese_angelica_tree, Aralia_stipulata", + "17832": "ivy, common_ivy, English_ivy, Hedera_helix", + "17833": "puka, Meryta_sinclairii", + "17834": "ginseng, nin-sin, Panax_ginseng, Panax_schinseng, Panax_pseudoginseng", + "17835": "ginseng", + "17836": "umbrella_tree, Schefflera_actinophylla, Brassaia_actinophylla", + "17837": "birthwort, Aristolochia_clematitis", + "17838": "Dutchman's-pipe, pipe_vine, Aristolochia_macrophylla, Aristolochia_durior", + "17839": "Virginia_snakeroot, Virginia_serpentaria, Virginia_serpentary, Aristolochia_serpentaria", + "17840": "Canada_ginger, black_snakeroot, Asarum_canadense", + "17841": "heartleaf, heart-leaf, Asarum_virginicum", + "17842": "heartleaf, heart-leaf, Asarum_shuttleworthii", + "17843": "asarabacca, Asarum_europaeum", + "17844": "caryophyllaceous_plant", + "17845": "corn_cockle, corn_campion, crown-of-the-field, Agrostemma_githago", + "17846": "sandwort", + "17847": "mountain_sandwort, mountain_starwort, mountain_daisy, Arenaria_groenlandica", + "17848": "pine-barren_sandwort, longroot, Arenaria_caroliniana", + "17849": "seabeach_sandwort, Arenaria_peploides", + "17850": "rock_sandwort, Arenaria_stricta", + "17851": "thyme-leaved_sandwort, Arenaria_serpyllifolia", + "17852": "mouse-ear_chickweed, mouse_eared_chickweed, mouse_ear, clammy_chickweed, chickweed", + "17853": "snow-in-summer, love-in-a-mist, Cerastium_tomentosum", + "17854": "Alpine_mouse-ear, Arctic_mouse-ear, Cerastium_alpinum", + "17855": "pink, garden_pink", + "17856": "sweet_William, Dianthus_barbatus", + "17857": "carnation, clove_pink, gillyflower, Dianthus_caryophyllus", + "17858": "china_pink, rainbow_pink, Dianthus_chinensis", + "17859": "Japanese_pink, Dianthus_chinensis_heddewigii", + "17860": "maiden_pink, Dianthus_deltoides", + "17861": "cheddar_pink, Diangus_gratianopolitanus", + "17862": "button_pink, Dianthus_latifolius", + "17863": "cottage_pink, grass_pink, Dianthus_plumarius", + "17864": "fringed_pink, Dianthus_supurbus", + "17865": "drypis", + "17866": "baby's_breath, babies'-breath, Gypsophila_paniculata", + "17867": "coral_necklace, Illecebrum_verticullatum", + "17868": "lychnis, catchfly", + "17869": "ragged_robin, cuckoo_flower, Lychnis_flos-cuculi, Lychins_floscuculi", + "17870": "scarlet_lychnis, maltese_cross, Lychins_chalcedonica", + "17871": "mullein_pink, rose_campion, gardener's_delight, dusty_miller, Lychnis_coronaria", + "17872": "sandwort, Moehringia_lateriflora", + "17873": "sandwort, Moehringia_mucosa", + "17874": "soapwort, hedge_pink, bouncing_Bet, bouncing_Bess, Saponaria_officinalis", + "17875": "knawel, knawe, Scleranthus_annuus", + "17876": "silene, campion, catchfly", + "17877": "moss_campion, Silene_acaulis", + "17878": "wild_pink, Silene_caroliniana", + "17879": "red_campion, red_bird's_eye, Silene_dioica, Lychnis_dioica", + "17880": "white_campion, evening_lychnis, white_cockle, bladder_campion, Silene_latifolia, Lychnis_alba", + "17881": "fire_pink, Silene_virginica", + "17882": "bladder_campion, Silene_uniflora, Silene_vulgaris", + "17883": "corn_spurry, corn_spurrey, Spergula_arvensis", + "17884": "sand_spurry, sea_spurry, Spergularia_rubra", + "17885": "chickweed", + "17886": "common_chickweed, Stellaria_media", + "17887": "cowherb, cow_cockle, Vaccaria_hispanica, Vaccaria_pyramidata, Saponaria_vaccaria", + "17888": "Hottentot_fig, Hottentot's_fig, sour_fig, Carpobrotus_edulis, Mesembryanthemum_edule", + "17889": "livingstone_daisy, Dorotheanthus_bellidiformis", + "17890": "fig_marigold, pebble_plant", + "17891": "ice_plant, icicle_plant, Mesembryanthemum_crystallinum", + "17892": "New_Zealand_spinach, Tetragonia_tetragonioides, Tetragonia_expansa", + "17893": "amaranth", + "17894": "amaranth", + "17895": "tumbleweed, Amaranthus_albus, Amaranthus_graecizans", + "17896": "prince's-feather, gentleman's-cane, prince's-plume, red_amaranth, purple_amaranth, Amaranthus_cruentus, Amaranthus_hybridus_hypochondriacus, Amaranthus_hybridus_erythrostachys", + "17897": "pigweed, Amaranthus_hypochondriacus", + "17898": "thorny_amaranth, Amaranthus_spinosus", + "17899": "alligator_weed, alligator_grass, Alternanthera_philoxeroides", + "17900": "cockscomb, common_cockscomb, Celosia_cristata, Celosia_argentea_cristata", + "17901": "cottonweed", + "17902": "globe_amaranth, bachelor's_button, Gomphrena_globosa", + "17903": "bloodleaf", + "17904": "saltwort, Batis_maritima", + "17905": "lamb's-quarters, pigweed, wild_spinach, Chenopodium_album", + "17906": "good-king-henry, allgood, fat_hen, wild_spinach, Chenopodium_bonus-henricus", + "17907": "Jerusalem_oak, feather_geranium, Mexican_tea, Chenopodium_botrys, Atriplex_mexicana", + "17908": "oak-leaved_goosefoot, oakleaf_goosefoot, Chenopodium_glaucum", + "17909": "sowbane, red_goosefoot, Chenopodium_hybridum", + "17910": "nettle-leaved_goosefoot, nettleleaf_goosefoot, Chenopodium_murale", + "17911": "red_goosefoot, French_spinach, Chenopodium_rubrum", + "17912": "stinking_goosefoot, Chenopodium_vulvaria", + "17913": "orach, orache", + "17914": "saltbush", + "17915": "garden_orache, mountain_spinach, Atriplex_hortensis", + "17916": "desert_holly, Atriplex_hymenelytra", + "17917": "quail_bush, quail_brush, white_thistle, Atriplex_lentiformis", + "17918": "beet, common_beet, Beta_vulgaris", + "17919": "beetroot, Beta_vulgaris_rubra", + "17920": "chard, Swiss_chard, spinach_beet, leaf_beet, chard_plant, Beta_vulgaris_cicla", + "17921": "mangel-wurzel, mangold-wurzel, mangold, Beta_vulgaris_vulgaris", + "17922": "winged_pigweed, tumbleweed, Cycloloma_atriplicifolium", + "17923": "halogeton, Halogeton_glomeratus", + "17924": "glasswort, samphire, Salicornia_europaea", + "17925": "saltwort, barilla, glasswort, kali, kelpwort, Salsola_kali, Salsola_soda", + "17926": "Russian_thistle, Russian_tumbleweed, Russian_cactus, tumbleweed, Salsola_kali_tenuifolia", + "17927": "greasewood, black_greasewood, Sarcobatus_vermiculatus", + "17928": "scarlet_musk_flower, Nyctaginia_capitata", + "17929": "sand_verbena", + "17930": "sweet_sand_verbena, Abronia_fragrans", + "17931": "yellow_sand_verbena, Abronia_latifolia", + "17932": "beach_pancake, Abronia_maritima", + "17933": "beach_sand_verbena, pink_sand_verbena, Abronia_umbellata", + "17934": "desert_sand_verbena, Abronia_villosa", + "17935": "trailing_four_o'clock, trailing_windmills, Allionia_incarnata", + "17936": "bougainvillea", + "17937": "umbrellawort", + "17938": "four_o'clock", + "17939": "common_four-o'clock, marvel-of-Peru, Mirabilis_jalapa, Mirabilis_uniflora", + "17940": "California_four_o'clock, Mirabilis_laevis, Mirabilis_californica", + "17941": "sweet_four_o'clock, maravilla, Mirabilis_longiflora", + "17942": "desert_four_o'clock, Colorado_four_o'clock, maravilla, Mirabilis_multiflora", + "17943": "mountain_four_o'clock, Mirabilis_oblongifolia", + "17944": "cockspur, Pisonia_aculeata", + "17945": "rattail_cactus, rat's-tail_cactus, Aporocactus_flagelliformis", + "17946": "saguaro, sahuaro, Carnegiea_gigantea", + "17947": "night-blooming_cereus", + "17948": "echinocactus, barrel_cactus", + "17949": "hedgehog_cactus", + "17950": "golden_barrel_cactus, Echinocactus_grusonii", + "17951": "hedgehog_cereus", + "17952": "rainbow_cactus", + "17953": "epiphyllum, orchid_cactus", + "17954": "barrel_cactus", + "17955": "night-blooming_cereus", + "17956": "chichipe, Lemaireocereus_chichipe", + "17957": "mescal, mezcal, peyote, Lophophora_williamsii", + "17958": "mescal_button, sacred_mushroom, magic_mushroom", + "17959": "mammillaria", + "17960": "feather_ball, Mammillaria_plumosa", + "17961": "garambulla, garambulla_cactus, Myrtillocactus_geometrizans", + "17962": "Knowlton's_cactus, Pediocactus_knowltonii", + "17963": "nopal", + "17964": "prickly_pear, prickly_pear_cactus", + "17965": "cholla, Opuntia_cholla", + "17966": "nopal, Opuntia_lindheimeri", + "17967": "tuna, Opuntia_tuna", + "17968": "Barbados_gooseberry, Barbados-gooseberry_vine, Pereskia_aculeata", + "17969": "mistletoe_cactus", + "17970": "Christmas_cactus, Schlumbergera_buckleyi, Schlumbergera_baridgesii", + "17971": "night-blooming_cereus", + "17972": "crab_cactus, Thanksgiving_cactus, Zygocactus_truncatus, Schlumbergera_truncatus", + "17973": "pokeweed", + "17974": "Indian_poke, Phytolacca_acinosa", + "17975": "poke, pigeon_berry, garget, scoke, Phytolacca_americana", + "17976": "ombu, bella_sombra, Phytolacca_dioica", + "17977": "bloodberry, blood_berry, rougeberry, rouge_plant, Rivina_humilis", + "17978": "portulaca", + "17979": "rose_moss, sun_plant, Portulaca_grandiflora", + "17980": "common_purslane, pussley, pussly, verdolagas, Portulaca_oleracea", + "17981": "rock_purslane", + "17982": "red_maids, redmaids, Calandrinia_ciliata", + "17983": "Carolina_spring_beauty, Claytonia_caroliniana", + "17984": "spring_beauty, Clatonia_lanceolata", + "17985": "Virginia_spring_beauty, Claytonia_virginica", + "17986": "siskiyou_lewisia, Lewisia_cotyledon", + "17987": "bitterroot, Lewisia_rediviva", + "17988": "broad-leaved_montia, Montia_cordifolia", + "17989": "blinks, blinking_chickweed, water_chickweed, Montia_lamprosperma", + "17990": "toad_lily, Montia_chamissoi", + "17991": "winter_purslane, miner's_lettuce, Cuban_spinach, Montia_perfoliata", + "17992": "flame_flower, flame-flower, flameflower, Talinum_aurantiacum", + "17993": "pigmy_talinum, Talinum_brevifolium", + "17994": "jewels-of-opar, Talinum_paniculatum", + "17995": "caper", + "17996": "native_pomegranate, Capparis_arborea", + "17997": "caper_tree, Jamaica_caper_tree, Capparis_cynophallophora", + "17998": "caper_tree, bay-leaved_caper, Capparis_flexuosa", + "17999": "common_caper, Capparis_spinosa", + "18000": "spiderflower, cleome", + "18001": "Rocky_Mountain_bee_plant, stinking_clover, Cleome_serrulata", + "18002": "clammyweed, Polanisia_graveolens, Polanisia_dodecandra", + "18003": "crucifer, cruciferous_plant", + "18004": "cress, cress_plant", + "18005": "watercress", + "18006": "stonecress, stone_cress", + "18007": "garlic_mustard, hedge_garlic, sauce-alone, jack-by-the-hedge, Alliaria_officinalis", + "18008": "alyssum, madwort", + "18009": "rose_of_Jericho, resurrection_plant, Anastatica_hierochuntica", + "18010": "Arabidopsis_thaliana, mouse-ear_cress", + "18011": "Arabidopsis_lyrata", + "18012": "rock_cress, rockcress", + "18013": "sicklepod, Arabis_Canadensis", + "18014": "tower_mustard, tower_cress, Turritis_glabra, Arabis_glabra", + "18015": "horseradish, horseradish_root", + "18016": "winter_cress, St._Barbara's_herb, scurvy_grass", + "18017": "yellow_rocket, rockcress, rocket_cress, Barbarea_vulgaris, Sisymbrium_barbarea", + "18018": "hoary_alison, hoary_alyssum, Berteroa_incana", + "18019": "buckler_mustard, Biscutalla_laevigata", + "18020": "wild_cabbage, Brassica_oleracea", + "18021": "cabbage, cultivated_cabbage, Brassica_oleracea", + "18022": "head_cabbage, head_cabbage_plant, Brassica_oleracea_capitata", + "18023": "savoy_cabbage", + "18024": "brussels_sprout, Brassica_oleracea_gemmifera", + "18025": "cauliflower, Brassica_oleracea_botrytis", + "18026": "broccoli, Brassica_oleracea_italica", + "18027": "collard", + "18028": "kohlrabi, Brassica_oleracea_gongylodes", + "18029": "turnip_plant", + "18030": "turnip, white_turnip, Brassica_rapa", + "18031": "rutabaga, turnip_cabbage, swede, Swedish_turnip, rutabaga_plant, Brassica_napus_napobrassica", + "18032": "broccoli_raab, broccoli_rabe, Brassica_rapa_ruvo", + "18033": "mustard", + "18034": "chinese_mustard, indian_mustard, leaf_mustard, gai_choi, Brassica_juncea", + "18035": "bok_choy, bok_choi, pakchoi, pak_choi, Chinese_white_cabbage, Brassica_rapa_chinensis", + "18036": "rape, colza, Brassica_napus", + "18037": "rapeseed", + "18038": "shepherd's_purse, shepherd's_pouch, Capsella_bursa-pastoris", + "18039": "lady's_smock, cuckooflower, cuckoo_flower, meadow_cress, Cardamine_pratensis", + "18040": "coral-root_bittercress, coralroot, coralwort, Cardamine_bulbifera, Dentaria_bulbifera", + "18041": "crinkleroot, crinkle-root, crinkle_root, pepper_root, toothwort, Cardamine_diphylla, Dentaria_diphylla", + "18042": "American_watercress, mountain_watercress, Cardamine_rotundifolia", + "18043": "spring_cress, Cardamine_bulbosa", + "18044": "purple_cress, Cardamine_douglasii", + "18045": "wallflower, Cheiranthus_cheiri, Erysimum_cheiri", + "18046": "prairie_rocket", + "18047": "scurvy_grass, common_scurvy_grass, Cochlearia_officinalis", + "18048": "sea_kale, sea_cole, Crambe_maritima", + "18049": "tansy_mustard, Descurainia_pinnata", + "18050": "draba", + "18051": "wallflower", + "18052": "prairie_rocket", + "18053": "Siberian_wall_flower, Erysimum_allionii, Cheiranthus_allionii", + "18054": "western_wall_flower, Erysimum_asperum, Cheiranthus_asperus, Erysimum_arkansanum", + "18055": "wormseed_mustard, Erysimum_cheiranthoides", + "18056": "heliophila", + "18057": "damask_violet, Dame's_violet, sweet_rocket, Hesperis_matronalis", + "18058": "tansy-leaved_rocket, Hugueninia_tanacetifolia, Sisymbrium_tanacetifolia", + "18059": "candytuft", + "18060": "woad", + "18061": "dyer's_woad, Isatis_tinctoria", + "18062": "bladderpod", + "18063": "sweet_alyssum, sweet_alison, Lobularia_maritima", + "18064": "Malcolm_stock, stock", + "18065": "Virginian_stock, Virginia_stock, Malcolmia_maritima", + "18066": "stock, gillyflower", + "18067": "brompton_stock, Matthiola_incana", + "18068": "bladderpod", + "18069": "chamois_cress, Pritzelago_alpina, Lepidium_alpina", + "18070": "radish_plant, radish", + "18071": "jointed_charlock, wild_radish, wild_rape, runch, Raphanus_raphanistrum", + "18072": "radish, Raphanus_sativus", + "18073": "radish, daikon, Japanese_radish, Raphanus_sativus_longipinnatus", + "18074": "marsh_cress, yellow_watercress, Rorippa_islandica", + "18075": "great_yellowcress, Rorippa_amphibia, Nasturtium_amphibium", + "18076": "schizopetalon, Schizopetalon_walkeri", + "18077": "field_mustard, wild_mustard, charlock, chadlock, Brassica_kaber, Sinapis_arvensis", + "18078": "hedge_mustard, Sisymbrium_officinale", + "18079": "desert_plume, prince's-plume, Stanleya_pinnata, Cleome_pinnata", + "18080": "pennycress", + "18081": "field_pennycress, French_weed, fanweed, penny_grass, stinkweed, mithridate_mustard, Thlaspi_arvense", + "18082": "fringepod, lacepod", + "18083": "bladderpod", + "18084": "wasabi", + "18085": "poppy", + "18086": "Iceland_poppy, Papaver_alpinum", + "18087": "western_poppy, Papaver_californicum", + "18088": "prickly_poppy, Papaver_argemone", + "18089": "Iceland_poppy, arctic_poppy, Papaver_nudicaule", + "18090": "oriental_poppy, Papaver_orientale", + "18091": "corn_poppy, field_poppy, Flanders_poppy, Papaver_rhoeas", + "18092": "opium_poppy, Papaver_somniferum", + "18093": "prickly_poppy, argemone, white_thistle, devil's_fig", + "18094": "Mexican_poppy, Argemone_mexicana", + "18095": "bocconia, tree_celandine, Bocconia_frutescens", + "18096": "celandine, greater_celandine, swallowwort, swallow_wort, Chelidonium_majus", + "18097": "corydalis", + "18098": "climbing_corydalis, Corydalis_claviculata, Fumaria_claviculata", + "18099": "California_poppy, Eschscholtzia_californica", + "18100": "horn_poppy, horned_poppy, yellow_horned_poppy, sea_poppy, Glaucium_flavum", + "18101": "golden_cup, Mexican_tulip_poppy, Hunnemania_fumariifolia", + "18102": "plume_poppy, bocconia, Macleaya_cordata", + "18103": "blue_poppy, Meconopsis_betonicifolia", + "18104": "Welsh_poppy, Meconopsis_cambrica", + "18105": "creamcups, Platystemon_californicus", + "18106": "matilija_poppy, California_tree_poppy, Romneya_coulteri", + "18107": "wind_poppy, flaming_poppy, Stylomecon_heterophyllum, Papaver_heterophyllum", + "18108": "celandine_poppy, wood_poppy, Stylophorum_diphyllum", + "18109": "climbing_fumitory, Allegheny_vine, Adlumia_fungosa, Fumaria_fungosa", + "18110": "bleeding_heart, lyreflower, lyre-flower, Dicentra_spectabilis", + "18111": "Dutchman's_breeches, Dicentra_cucullaria", + "18112": "squirrel_corn, Dicentra_canadensis", + "18113": "composite, composite_plant", + "18114": "compass_plant, compass_flower", + "18115": "everlasting, everlasting_flower", + "18116": "achillea", + "18117": "yarrow, milfoil, Achillea_millefolium", + "18118": "pink-and-white_everlasting, pink_paper_daisy, Acroclinium_roseum", + "18119": "white_snakeroot, white_sanicle, Ageratina_altissima, Eupatorium_rugosum", + "18120": "ageratum", + "18121": "common_ageratum, Ageratum_houstonianum", + "18122": "sweet_sultan, Amberboa_moschata, Centaurea_moschata", + "18123": "ragweed, ambrosia, bitterweed", + "18124": "common_ragweed, Ambrosia_artemisiifolia", + "18125": "great_ragweed, Ambrosia_trifida", + "18126": "western_ragweed, perennial_ragweed, Ambrosia_psilostachya", + "18127": "ammobium", + "18128": "winged_everlasting, Ammobium_alatum", + "18129": "pellitory, pellitory-of-Spain, Anacyclus_pyrethrum", + "18130": "pearly_everlasting, cottonweed, Anaphalis_margaritacea", + "18131": "andryala", + "18132": "plantain-leaved_pussytoes", + "18133": "field_pussytoes", + "18134": "solitary_pussytoes", + "18135": "mountain_everlasting", + "18136": "mayweed, dog_fennel, stinking_mayweed, stinking_chamomile, Anthemis_cotula", + "18137": "yellow_chamomile, golden_marguerite, dyers'_chamomile, Anthemis_tinctoria", + "18138": "corn_chamomile, field_chamomile, corn_mayweed, Anthemis_arvensis", + "18139": "woolly_daisy, dwarf_daisy, Antheropeas_wallacei, Eriophyllum_wallacei", + "18140": "burdock, clotbur", + "18141": "great_burdock, greater_burdock, cocklebur, Arctium_lappa", + "18142": "African_daisy", + "18143": "blue-eyed_African_daisy, Arctotis_stoechadifolia, Arctotis_venusta", + "18144": "marguerite, marguerite_daisy, Paris_daisy, Chrysanthemum_frutescens, Argyranthemum_frutescens", + "18145": "silversword, Argyroxiphium_sandwicense", + "18146": "arnica", + "18147": "heartleaf_arnica, Arnica_cordifolia", + "18148": "Arnica_montana", + "18149": "lamb_succory, dwarf_nipplewort, Arnoseris_minima", + "18150": "artemisia", + "18151": "mugwort", + "18152": "sweet_wormwood, Artemisia_annua", + "18153": "field_wormwood, Artemisia_campestris", + "18154": "tarragon, estragon, Artemisia_dracunculus", + "18155": "sand_sage, silvery_wormwood, Artemisia_filifolia", + "18156": "wormwood_sage, prairie_sagewort, Artemisia_frigida", + "18157": "western_mugwort, white_sage, cudweed, prairie_sage, Artemisia_ludoviciana, Artemisia_gnaphalodes", + "18158": "Roman_wormwood, Artemis_pontica", + "18159": "bud_brush, bud_sagebrush, Artemis_spinescens", + "18160": "common_mugwort, Artemisia_vulgaris", + "18161": "aster", + "18162": "wood_aster", + "18163": "whorled_aster, Aster_acuminatus", + "18164": "heath_aster, Aster_arenosus", + "18165": "heart-leaved_aster, Aster_cordifolius", + "18166": "white_wood_aster, Aster_divaricatus", + "18167": "bushy_aster, Aster_dumosus", + "18168": "heath_aster, Aster_ericoides", + "18169": "white_prairie_aster, Aster_falcatus", + "18170": "stiff_aster, Aster_linarifolius", + "18171": "goldilocks, goldilocks_aster, Aster_linosyris, Linosyris_vulgaris", + "18172": "large-leaved_aster, Aster_macrophyllus", + "18173": "New_England_aster, Aster_novae-angliae", + "18174": "Michaelmas_daisy, New_York_aster, Aster_novi-belgii", + "18175": "upland_white_aster, Aster_ptarmicoides", + "18176": "Short's_aster, Aster_shortii", + "18177": "sea_aster, sea_starwort, Aster_tripolium", + "18178": "prairie_aster, Aster_turbinellis", + "18179": "annual_salt-marsh_aster", + "18180": "aromatic_aster", + "18181": "arrow_leaved_aster", + "18182": "azure_aster", + "18183": "bog_aster", + "18184": "crooked-stemmed_aster", + "18185": "Eastern_silvery_aster", + "18186": "flat-topped_white_aster", + "18187": "late_purple_aster", + "18188": "panicled_aster", + "18189": "perennial_salt_marsh_aster", + "18190": "purple-stemmed_aster", + "18191": "rough-leaved_aster", + "18192": "rush_aster", + "18193": "Schreiber's_aster", + "18194": "small_white_aster", + "18195": "smooth_aster", + "18196": "southern_aster", + "18197": "starved_aster, calico_aster", + "18198": "tradescant's_aster", + "18199": "wavy-leaved_aster", + "18200": "Western_silvery_aster", + "18201": "willow_aster", + "18202": "ayapana, Ayapana_triplinervis, Eupatorium_aya-pana", + "18203": "mule_fat, Baccharis_viminea", + "18204": "balsamroot", + "18205": "daisy", + "18206": "common_daisy, English_daisy, Bellis_perennis", + "18207": "bur_marigold, burr_marigold, beggar-ticks, beggar's-ticks, sticktight", + "18208": "Spanish_needles, Bidens_bipinnata", + "18209": "tickseed_sunflower, Bidens_coronata, Bidens_trichosperma", + "18210": "European_beggar-ticks, trifid_beggar-ticks, trifid_bur_marigold, Bidens_tripartita", + "18211": "slender_knapweed", + "18212": "false_chamomile", + "18213": "Swan_River_daisy, Brachycome_Iberidifolia", + "18214": "woodland_oxeye, Buphthalmum_salicifolium", + "18215": "Indian_plantain", + "18216": "calendula", + "18217": "common_marigold, pot_marigold, ruddles, Scotch_marigold, Calendula_officinalis", + "18218": "China_aster, Callistephus_chinensis", + "18219": "thistle", + "18220": "welted_thistle, Carduus_crispus", + "18221": "musk_thistle, nodding_thistle, Carduus_nutans", + "18222": "carline_thistle", + "18223": "stemless_carline_thistle, Carlina_acaulis", + "18224": "common_carline_thistle, Carlina_vulgaris", + "18225": "safflower, false_saffron, Carthamus_tinctorius", + "18226": "safflower_seed", + "18227": "catananche", + "18228": "blue_succory, cupid's_dart, Catananche_caerulea", + "18229": "centaury", + "18230": "dusty_miller, Centaurea_cineraria, Centaurea_gymnocarpa", + "18231": "cornflower, bachelor's_button, bluebottle, Centaurea_cyanus", + "18232": "star-thistle, caltrop, Centauria_calcitrapa", + "18233": "knapweed", + "18234": "sweet_sultan, Centaurea_imperialis", + "18235": "great_knapweed, greater_knapweed, Centaurea_scabiosa", + "18236": "Barnaby's_thistle, yellow_star-thistle, Centaurea_solstitialis", + "18237": "chamomile, camomile, Chamaemelum_nobilis, Anthemis_nobilis", + "18238": "chaenactis", + "18239": "chrysanthemum", + "18240": "corn_marigold, field_marigold, Chrysanthemum_segetum", + "18241": "crown_daisy, Chrysanthemum_coronarium", + "18242": "chop-suey_greens, tong_ho, shun_giku, Chrysanthemum_coronarium_spatiosum", + "18243": "golden_aster", + "18244": "Maryland_golden_aster, Chrysopsis_mariana", + "18245": "goldenbush", + "18246": "rabbit_brush, rabbit_bush, Chrysothamnus_nauseosus", + "18247": "chicory, succory, chicory_plant, Cichorium_intybus", + "18248": "endive, witloof, Cichorium_endivia", + "18249": "chicory, chicory_root", + "18250": "plume_thistle, plumed_thistle", + "18251": "Canada_thistle, creeping_thistle, Cirsium_arvense", + "18252": "field_thistle, Cirsium_discolor", + "18253": "woolly_thistle, Cirsium_flodmanii", + "18254": "European_woolly_thistle, Cirsium_eriophorum", + "18255": "melancholy_thistle, Cirsium_heterophylum, Cirsium_helenioides", + "18256": "brook_thistle, Cirsium_rivulare", + "18257": "bull_thistle, boar_thistle, spear_thistle, Cirsium_vulgare, Cirsium_lanceolatum", + "18258": "blessed_thistle, sweet_sultan, Cnicus_benedictus", + "18259": "mistflower, mist-flower, ageratum, Conoclinium_coelestinum, Eupatorium_coelestinum", + "18260": "horseweed, Canadian_fleabane, fleabane, Conyza_canadensis, Erigeron_canadensis", + "18261": "coreopsis, tickseed, tickweed, tick-weed", + "18262": "giant_coreopsis, Coreopsis_gigantea", + "18263": "sea_dahlia, Coreopsis_maritima", + "18264": "calliopsis, Coreopsis_tinctoria", + "18265": "cosmos, cosmea", + "18266": "brass_buttons, Cotula_coronopifolia", + "18267": "billy_buttons", + "18268": "hawk's-beard, hawk's-beards", + "18269": "artichoke, globe_artichoke, artichoke_plant, Cynara_scolymus", + "18270": "cardoon, Cynara_cardunculus", + "18271": "dahlia, Dahlia_pinnata", + "18272": "German_ivy, Delairea_odorata, Senecio_milkanioides", + "18273": "florist's_chrysanthemum, florists'_chrysanthemum, mum, Dendranthema_grandifloruom, Chrysanthemum_morifolium", + "18274": "cape_marigold, sun_marigold, star_of_the_veldt", + "18275": "leopard's-bane, leopardbane", + "18276": "coneflower", + "18277": "globe_thistle", + "18278": "elephant's-foot", + "18279": "tassel_flower, Emilia_sagitta", + "18280": "brittlebush, brittle_bush, incienso, Encelia_farinosa", + "18281": "sunray, Enceliopsis_nudicaulis", + "18282": "engelmannia", + "18283": "fireweed, Erechtites_hieracifolia", + "18284": "fleabane", + "18285": "blue_fleabane, Erigeron_acer", + "18286": "daisy_fleabane, Erigeron_annuus", + "18287": "orange_daisy, orange_fleabane, Erigeron_aurantiacus", + "18288": "spreading_fleabane, Erigeron_divergens", + "18289": "seaside_daisy, beach_aster, Erigeron_glaucous", + "18290": "Philadelphia_fleabane, Erigeron_philadelphicus", + "18291": "robin's_plantain, Erigeron_pulchellus", + "18292": "showy_daisy, Erigeron_speciosus", + "18293": "woolly_sunflower", + "18294": "golden_yarrow, Eriophyllum_lanatum", + "18295": "dog_fennel, Eupatorium_capillifolium", + "18296": "Joe-Pye_weed, spotted_Joe-Pye_weed, Eupatorium_maculatum", + "18297": "boneset, agueweed, thoroughwort, Eupatorium_perfoliatum", + "18298": "Joe-Pye_weed, purple_boneset, trumpet_weed, marsh_milkweed, Eupatorium_purpureum", + "18299": "blue_daisy, blue_marguerite, Felicia_amelloides", + "18300": "kingfisher_daisy, Felicia_bergeriana", + "18301": "cotton_rose, cudweed, filago", + "18302": "herba_impia, Filago_germanica", + "18303": "gaillardia", + "18304": "gazania", + "18305": "treasure_flower, Gazania_rigens", + "18306": "African_daisy", + "18307": "Barberton_daisy, Transvaal_daisy, Gerbera_jamesonii", + "18308": "desert_sunflower, Gerea_canescens", + "18309": "cudweed", + "18310": "chafeweed, wood_cudweed, Gnaphalium_sylvaticum", + "18311": "gumweed, gum_plant, tarweed, rosinweed", + "18312": "Grindelia_robusta", + "18313": "curlycup_gumweed, Grindelia_squarrosa", + "18314": "little-head_snakeweed, Gutierrezia_microcephala", + "18315": "rabbitweed, rabbit-weed, snakeweed, broom_snakeweed, broom_snakeroot, turpentine_weed, Gutierrezia_sarothrae", + "18316": "broomweed, broom-weed, Gutierrezia_texana", + "18317": "velvet_plant, purple_velvet_plant, royal_velvet_plant, Gynura_aurantiaca", + "18318": "goldenbush", + "18319": "camphor_daisy, Haplopappus_phyllocephalus", + "18320": "yellow_spiny_daisy, Haplopappus_spinulosus", + "18321": "hoary_golden_bush, Hazardia_cana", + "18322": "sneezeweed", + "18323": "orange_sneezeweed, owlclaws, Helenium_hoopesii", + "18324": "rosilla, Helenium_puberulum", + "18325": "sunflower, helianthus", + "18326": "swamp_sunflower, Helianthus_angustifolius", + "18327": "common_sunflower, mirasol, Helianthus_annuus", + "18328": "giant_sunflower, tall_sunflower, Indian_potato, Helianthus_giganteus", + "18329": "showy_sunflower, Helianthus_laetiflorus", + "18330": "Maximilian's_sunflower, Helianthus_maximilianii", + "18331": "prairie_sunflower, Helianthus_petiolaris", + "18332": "Jerusalem_artichoke, girasol, Jerusalem_artichoke_sunflower, Helianthus_tuberosus", + "18333": "Jerusalem_artichoke", + "18334": "strawflower, golden_everlasting, yellow_paper_daisy, Helichrysum_bracteatum", + "18335": "heliopsis, oxeye", + "18336": "strawflower", + "18337": "hairy_golden_aster, prairie_golden_aster, Heterotheca_villosa, Chrysopsis_villosa", + "18338": "hawkweed", + "18339": "rattlesnake_weed, Hieracium_venosum", + "18340": "alpine_coltsfoot, Homogyne_alpina, Tussilago_alpina", + "18341": "alpine_gold, alpine_hulsea, Hulsea_algida", + "18342": "dwarf_hulsea, Hulsea_nana", + "18343": "cat's-ear, California_dandelion, capeweed, gosmore, Hypochaeris_radicata", + "18344": "inula", + "18345": "marsh_elder, iva", + "18346": "burweed_marsh_elder, false_ragweed, Iva_xanthifolia", + "18347": "krigia", + "18348": "dwarf_dandelion, Krigia_dandelion, Krigia_bulbosa", + "18349": "garden_lettuce, common_lettuce, Lactuca_sativa", + "18350": "cos_lettuce, romaine_lettuce, Lactuca_sativa_longifolia", + "18351": "leaf_lettuce, Lactuca_sativa_crispa", + "18352": "celtuce, stem_lettuce, Lactuca_sativa_asparagina", + "18353": "prickly_lettuce, horse_thistle, Lactuca_serriola, Lactuca_scariola", + "18354": "goldfields, Lasthenia_chrysostoma", + "18355": "tidytips, tidy_tips, Layia_platyglossa", + "18356": "hawkbit", + "18357": "fall_dandelion, arnica_bud, Leontodon_autumnalis", + "18358": "edelweiss, Leontopodium_alpinum", + "18359": "oxeye_daisy, ox-eyed_daisy, marguerite, moon_daisy, white_daisy, Leucanthemum_vulgare, Chrysanthemum_leucanthemum", + "18360": "oxeye_daisy, Leucanthemum_maximum, Chrysanthemum_maximum", + "18361": "shasta_daisy, Leucanthemum_superbum, Chrysanthemum_maximum_maximum", + "18362": "Pyrenees_daisy, Leucanthemum_lacustre, Chrysanthemum_lacustre", + "18363": "north_island_edelweiss, Leucogenes_leontopodium", + "18364": "blazing_star, button_snakeroot, gayfeather, gay-feather, snakeroot", + "18365": "dotted_gayfeather, Liatris_punctata", + "18366": "dense_blazing_star, Liatris_pycnostachya", + "18367": "Texas_star, Lindheimera_texana", + "18368": "African_daisy, yellow_ageratum, Lonas_inodora, Lonas_annua", + "18369": "tahoka_daisy, tansy_leaf_aster, Machaeranthera_tanacetifolia", + "18370": "sticky_aster, Machaeranthera_bigelovii", + "18371": "Mojave_aster, Machaeranthera_tortifoloia", + "18372": "tarweed", + "18373": "sweet_false_chamomile, wild_chamomile, German_chamomile, Matricaria_recutita, Matricaria_chamomilla", + "18374": "pineapple_weed, rayless_chamomile, Matricaria_matricarioides", + "18375": "climbing_hempweed, climbing_boneset, wild_climbing_hempweed, climbing_hemp-vine, Mikania_scandens", + "18376": "mutisia", + "18377": "rattlesnake_root", + "18378": "white_lettuce, cankerweed, Nabalus_alba, Prenanthes_alba", + "18379": "daisybush, daisy-bush, daisy_bush", + "18380": "New_Zealand_daisybush, Olearia_haastii", + "18381": "cotton_thistle, woolly_thistle, Scotch_thistle, Onopordum_acanthium, Onopordon_acanthium", + "18382": "othonna", + "18383": "cascade_everlasting, Ozothamnus_secundiflorus, Helichrysum_secundiflorum", + "18384": "butterweed", + "18385": "American_feverfew, wild_quinine, prairie_dock, Parthenium_integrifolium", + "18386": "cineraria, Pericallis_cruenta, Senecio_cruentus", + "18387": "florest's_cineraria, Pericallis_hybrida", + "18388": "butterbur, bog_rhubarb, Petasites_hybridus, Petasites_vulgaris", + "18389": "winter_heliotrope, sweet_coltsfoot, Petasites_fragrans", + "18390": "sweet_coltsfoot, Petasites_sagitattus", + "18391": "oxtongue, bristly_oxtongue, bitterweed, bugloss, Picris_echioides", + "18392": "hawkweed", + "18393": "mouse-ear_hawkweed, Pilosella_officinarum, Hieracium_pilocella", + "18394": "stevia", + "18395": "rattlesnake_root, Prenanthes_purpurea", + "18396": "fleabane, feabane_mullet, Pulicaria_dysenterica", + "18397": "sheep_plant, vegetable_sheep, Raoulia_lutescens, Raoulia_australis", + "18398": "coneflower", + "18399": "Mexican_hat, Ratibida_columnaris", + "18400": "long-head_coneflower, prairie_coneflower, Ratibida_columnifera", + "18401": "prairie_coneflower, Ratibida_tagetes", + "18402": "Swan_River_everlasting, rhodanthe, Rhodanthe_manglesii, Helipterum_manglesii", + "18403": "coneflower", + "18404": "black-eyed_Susan, Rudbeckia_hirta, Rudbeckia_serotina", + "18405": "cutleaved_coneflower, Rudbeckia_laciniata", + "18406": "golden_glow, double_gold, hortensia, Rudbeckia_laciniata_hortensia", + "18407": "lavender_cotton, Santolina_chamaecyparissus", + "18408": "creeping_zinnia, Sanvitalia_procumbens", + "18409": "golden_thistle", + "18410": "Spanish_oyster_plant, Scolymus_hispanicus", + "18411": "nodding_groundsel, Senecio_bigelovii", + "18412": "dusty_miller, Senecio_cineraria, Cineraria_maritima", + "18413": "butterweed, ragwort, Senecio_glabellus", + "18414": "ragwort, tansy_ragwort, ragweed, benweed, Senecio_jacobaea", + "18415": "arrowleaf_groundsel, Senecio_triangularis", + "18416": "black_salsify, viper's_grass, scorzonera, Scorzonera_hispanica", + "18417": "white-topped_aster", + "18418": "narrow-leaved_white-topped_aster", + "18419": "silver_sage, silver_sagebrush, grey_sage, gray_sage, Seriphidium_canum, Artemisia_cana", + "18420": "sea_wormwood, Seriphidium_maritimum, Artemisia_maritima", + "18421": "sawwort, Serratula_tinctoria", + "18422": "rosinweed, Silphium_laciniatum", + "18423": "milk_thistle, lady's_thistle, Our_Lady's_mild_thistle, holy_thistle, blessed_thistle, Silybum_marianum", + "18424": "goldenrod", + "18425": "silverrod, Solidago_bicolor", + "18426": "meadow_goldenrod, Canadian_goldenrod, Solidago_canadensis", + "18427": "Missouri_goldenrod, Solidago_missouriensis", + "18428": "alpine_goldenrod, Solidago_multiradiata", + "18429": "grey_goldenrod, gray_goldenrod, Solidago_nemoralis", + "18430": "Blue_Mountain_tea, sweet_goldenrod, Solidago_odora", + "18431": "dyer's_weed, Solidago_rugosa", + "18432": "seaside_goldenrod, beach_goldenrod, Solidago_sempervirens", + "18433": "narrow_goldenrod, Solidago_spathulata", + "18434": "Boott's_goldenrod", + "18435": "Elliott's_goldenrod", + "18436": "Ohio_goldenrod", + "18437": "rough-stemmed_goldenrod", + "18438": "showy_goldenrod", + "18439": "tall_goldenrod", + "18440": "zigzag_goldenrod, broad_leaved_goldenrod", + "18441": "sow_thistle, milk_thistle", + "18442": "milkweed, Sonchus_oleraceus", + "18443": "stevia", + "18444": "stokes'_aster, cornflower_aster, Stokesia_laevis", + "18445": "marigold", + "18446": "African_marigold, big_marigold, Aztec_marigold, Tagetes_erecta", + "18447": "French_marigold, Tagetes_patula", + "18448": "painted_daisy, pyrethrum, Tanacetum_coccineum, Chrysanthemum_coccineum", + "18449": "pyrethrum, Dalmatian_pyrethrum, Dalmatia_pyrethrum, Tanacetum_cinerariifolium, Chrysanthemum_cinerariifolium", + "18450": "northern_dune_tansy, Tanacetum_douglasii", + "18451": "feverfew, Tanacetum_parthenium, Chrysanthemum_parthenium", + "18452": "dusty_miller, silver-lace, silver_lace, Tanacetum_ptarmiciflorum, Chrysanthemum_ptarmiciflorum", + "18453": "tansy, golden_buttons, scented_fern, Tanacetum_vulgare", + "18454": "dandelion, blowball", + "18455": "common_dandelion, Taraxacum_ruderalia, Taraxacum_officinale", + "18456": "dandelion_green", + "18457": "Russian_dandelion, kok-saghyz, kok-sagyz, Taraxacum_kok-saghyz", + "18458": "stemless_hymenoxys, Tetraneuris_acaulis, Hymenoxys_acaulis", + "18459": "Mexican_sunflower, tithonia", + "18460": "Easter_daisy, stemless_daisy, Townsendia_Exscapa", + "18461": "yellow_salsify, Tragopogon_dubius", + "18462": "salsify, oyster_plant, vegetable_oyster, Tragopogon_porrifolius", + "18463": "meadow_salsify, goatsbeard, shepherd's_clock, Tragopogon_pratensis", + "18464": "scentless_camomile, scentless_false_camomile, scentless_mayweed, scentless_hayweed, corn_mayweed, Tripleurospermum_inodorum, Matricaria_inodorum", + "18465": "turfing_daisy, Tripleurospermum_tchihatchewii, Matricaria_tchihatchewii", + "18466": "coltsfoot, Tussilago_farfara", + "18467": "ursinia", + "18468": "crownbeard, crown-beard, crown_beard", + "18469": "wingstem, golden_ironweed, yellow_ironweed, golden_honey_plant, Verbesina_alternifolia, Actinomeris_alternifolia", + "18470": "cowpen_daisy, golden_crownbeard, golden_crown_beard, butter_daisy, Verbesina_encelioides, Ximenesia_encelioides", + "18471": "gravelweed, Verbesina_helianthoides", + "18472": "Virginia_crownbeard, frostweed, frost-weed, Verbesina_virginica", + "18473": "ironweed, vernonia", + "18474": "mule's_ears, Wyethia_amplexicaulis", + "18475": "white-rayed_mule's_ears, Wyethia_helianthoides", + "18476": "cocklebur, cockle-bur, cockleburr, cockle-burr", + "18477": "xeranthemum", + "18478": "immortelle, Xeranthemum_annuum", + "18479": "zinnia, old_maid, old_maid_flower", + "18480": "white_zinnia, Zinnia_acerosa", + "18481": "little_golden_zinnia, Zinnia_grandiflora", + "18482": "blazing_star, Mentzelia_livicaulis, Mentzelia_laevicaulis", + "18483": "bartonia, Mentzelia_lindleyi", + "18484": "achene", + "18485": "samara, key_fruit, key", + "18486": "campanula, bellflower", + "18487": "creeping_bellflower, Campanula_rapunculoides", + "18488": "Canterbury_bell, cup_and_saucer, Campanula_medium", + "18489": "tall_bellflower, Campanula_americana", + "18490": "marsh_bellflower, Campanula_aparinoides", + "18491": "clustered_bellflower, Campanula_glomerata", + "18492": "peach_bells, peach_bell, willow_bell, Campanula_persicifolia", + "18493": "chimney_plant, chimney_bellflower, Campanula_pyramidalis", + "18494": "rampion, rampion_bellflower, Campanula_rapunculus", + "18495": "tussock_bellflower, spreading_bellflower, Campanula_carpatica", + "18496": "orchid, orchidaceous_plant", + "18497": "orchis", + "18498": "male_orchis, early_purple_orchid, Orchis_mascula", + "18499": "butterfly_orchid, butterfly_orchis, Orchis_papilionaceae", + "18500": "showy_orchis, purple_orchis, purple-hooded_orchis, Orchis_spectabilis", + "18501": "aerides", + "18502": "angrecum", + "18503": "jewel_orchid", + "18504": "puttyroot, adam-and-eve, Aplectrum_hyemale", + "18505": "arethusa", + "18506": "bog_rose, wild_pink, dragon's_mouth, Arethusa_bulbosa", + "18507": "bletia", + "18508": "Bletilla_striata, Bletia_striata", + "18509": "brassavola", + "18510": "spider_orchid, Brassia_lawrenceana", + "18511": "spider_orchid, Brassia_verrucosa", + "18512": "caladenia", + "18513": "calanthe", + "18514": "grass_pink, Calopogon_pulchellum, Calopogon_tuberosum", + "18515": "calypso, fairy-slipper, Calypso_bulbosa", + "18516": "cattleya", + "18517": "helleborine", + "18518": "red_helleborine, Cephalanthera_rubra", + "18519": "spreading_pogonia, funnel-crest_rosebud_orchid, Cleistes_divaricata, Pogonia_divaricata", + "18520": "rosebud_orchid, Cleistes_rosea, Pogonia_rosea", + "18521": "satyr_orchid, Coeloglossum_bracteatum", + "18522": "frog_orchid, Coeloglossum_viride", + "18523": "coelogyne", + "18524": "coral_root", + "18525": "spotted_coral_root, Corallorhiza_maculata", + "18526": "striped_coral_root, Corallorhiza_striata", + "18527": "early_coral_root, pale_coral_root, Corallorhiza_trifida", + "18528": "swan_orchid, swanflower, swan-flower, swanneck, swan-neck", + "18529": "cymbid, cymbidium", + "18530": "cypripedia", + "18531": "lady's_slipper, lady-slipper, ladies'_slipper, slipper_orchid", + "18532": "moccasin_flower, nerveroot, Cypripedium_acaule", + "18533": "common_lady's-slipper, showy_lady's-slipper, showy_lady_slipper, Cypripedium_reginae, Cypripedium_album", + "18534": "ram's-head, ram's-head_lady's_slipper, Cypripedium_arietinum", + "18535": "yellow_lady's_slipper, yellow_lady-slipper, Cypripedium_calceolus, Cypripedium_parviflorum", + "18536": "large_yellow_lady's_slipper, Cypripedium_calceolus_pubescens", + "18537": "California_lady's_slipper, Cypripedium_californicum", + "18538": "clustered_lady's_slipper, Cypripedium_fasciculatum", + "18539": "mountain_lady's_slipper, Cypripedium_montanum", + "18540": "marsh_orchid", + "18541": "common_spotted_orchid, Dactylorhiza_fuchsii, Dactylorhiza_maculata_fuchsii", + "18542": "dendrobium", + "18543": "disa", + "18544": "phantom_orchid, snow_orchid, Eburophyton_austinae", + "18545": "tulip_orchid, Encyclia_citrina, Cattleya_citrina", + "18546": "butterfly_orchid, Encyclia_tampensis, Epidendrum_tampense", + "18547": "butterfly_orchid, butterfly_orchis, Epidendrum_venosum, Encyclia_venosa", + "18548": "epidendron", + "18549": "helleborine", + "18550": "Epipactis_helleborine", + "18551": "stream_orchid, chatterbox, giant_helleborine, Epipactis_gigantea", + "18552": "tongueflower, tongue-flower", + "18553": "rattlesnake_plantain, helleborine", + "18554": "fragrant_orchid, Gymnadenia_conopsea", + "18555": "short-spurred_fragrant_orchid, Gymnadenia_odoratissima", + "18556": "fringed_orchis, fringed_orchid", + "18557": "frog_orchid", + "18558": "rein_orchid, rein_orchis", + "18559": "bog_rein_orchid, bog_candles, Habenaria_dilatata", + "18560": "white_fringed_orchis, white_fringed_orchid, Habenaria_albiflora", + "18561": "elegant_Habenaria, Habenaria_elegans", + "18562": "purple-fringed_orchid, purple-fringed_orchis, Habenaria_fimbriata", + "18563": "coastal_rein_orchid, Habenaria_greenei", + "18564": "Hooker's_orchid, Habenaria_hookeri", + "18565": "ragged_orchid, ragged_orchis, ragged-fringed_orchid, green_fringed_orchis, Habenaria_lacera", + "18566": "prairie_orchid, prairie_white-fringed_orchis, Habenaria_leucophaea", + "18567": "snowy_orchid, Habenaria_nivea", + "18568": "round-leaved_rein_orchid, Habenaria_orbiculata", + "18569": "purple_fringeless_orchid, purple_fringeless_orchis, Habenaria_peramoena", + "18570": "purple-fringed_orchid, purple-fringed_orchis, Habenaria_psycodes", + "18571": "Alaska_rein_orchid, Habenaria_unalascensis", + "18572": "crested_coral_root, Hexalectris_spicata", + "18573": "Texas_purple_spike, Hexalectris_warnockii", + "18574": "lizard_orchid, Himantoglossum_hircinum", + "18575": "laelia", + "18576": "liparis", + "18577": "twayblade", + "18578": "fen_orchid, fen_orchis, Liparis_loeselii", + "18579": "broad-leaved_twayblade, Listera_convallarioides", + "18580": "lesser_twayblade, Listera_cordata", + "18581": "twayblade, Listera_ovata", + "18582": "green_adder's_mouth, Malaxis-unifolia, Malaxis_ophioglossoides", + "18583": "masdevallia", + "18584": "maxillaria", + "18585": "pansy_orchid", + "18586": "odontoglossum", + "18587": "oncidium, dancing_lady_orchid, butterfly_plant, butterfly_orchid", + "18588": "bee_orchid, Ophrys_apifera", + "18589": "fly_orchid, Ophrys_insectifera, Ophrys_muscifera", + "18590": "spider_orchid", + "18591": "early_spider_orchid, Ophrys_sphegodes", + "18592": "Venus'_slipper, Venus's_slipper, Venus's_shoe", + "18593": "phaius", + "18594": "moth_orchid, moth_plant", + "18595": "butterfly_plant, Phalaenopsis_amabilis", + "18596": "rattlesnake_orchid", + "18597": "lesser_butterfly_orchid, Platanthera_bifolia, Habenaria_bifolia", + "18598": "greater_butterfly_orchid, Platanthera_chlorantha, Habenaria_chlorantha", + "18599": "prairie_white-fringed_orchid, Platanthera_leucophea", + "18600": "tangle_orchid", + "18601": "Indian_crocus", + "18602": "pleurothallis", + "18603": "pogonia", + "18604": "butterfly_orchid", + "18605": "Psychopsis_krameriana, Oncidium_papilio_kramerianum", + "18606": "Psychopsis_papilio, Oncidium_papilio", + "18607": "helmet_orchid, greenhood", + "18608": "foxtail_orchid", + "18609": "orange-blossom_orchid, Sarcochilus_falcatus", + "18610": "sobralia", + "18611": "ladies'_tresses, lady's_tresses", + "18612": "screw_augur, Spiranthes_cernua", + "18613": "hooded_ladies'_tresses, Spiranthes_romanzoffiana", + "18614": "western_ladies'_tresses, Spiranthes_porrifolia", + "18615": "European_ladies'_tresses, Spiranthes_spiralis", + "18616": "stanhopea", + "18617": "stelis", + "18618": "fly_orchid", + "18619": "vanda", + "18620": "blue_orchid, Vanda_caerulea", + "18621": "vanilla", + "18622": "vanilla_orchid, Vanilla_planifolia", + "18623": "yam, yam_plant", + "18624": "yam", + "18625": "white_yam, water_yam, Dioscorea_alata", + "18626": "cinnamon_vine, Chinese_yam, Dioscorea_batata", + "18627": "elephant's-foot, tortoise_plant, Hottentot_bread_vine, Hottentot's_bread_vine, Dioscorea_elephantipes", + "18628": "wild_yam, Dioscorea_paniculata", + "18629": "cush-cush, Dioscorea_trifida", + "18630": "black_bryony, black_bindweed, Tamus_communis", + "18631": "primrose, primula", + "18632": "English_primrose, Primula_vulgaris", + "18633": "cowslip, paigle, Primula_veris", + "18634": "oxlip, paigle, Primula_elatior", + "18635": "Chinese_primrose, Primula_sinensis", + "18636": "polyanthus, Primula_polyantha", + "18637": "pimpernel", + "18638": "scarlet_pimpernel, red_pimpernel, poor_man's_weatherglass, Anagallis_arvensis", + "18639": "bog_pimpernel, Anagallis_tenella", + "18640": "chaffweed, bastard_pimpernel, false_pimpernel", + "18641": "cyclamen, Cyclamen_purpurascens", + "18642": "sowbread, Cyclamen_hederifolium, Cyclamen_neopolitanum", + "18643": "sea_milkwort, sea_trifoly, black_saltwort, Glaux_maritima", + "18644": "featherfoil, feather-foil", + "18645": "water_gillyflower, American_featherfoil, Hottonia_inflata", + "18646": "water_violet, Hottonia_palustris", + "18647": "loosestrife", + "18648": "gooseneck_loosestrife, Lysimachia_clethroides_Duby", + "18649": "yellow_pimpernel, Lysimachia_nemorum", + "18650": "fringed_loosestrife, Lysimachia_ciliatum", + "18651": "moneywort, creeping_Jenny, creeping_Charlie, Lysimachia_nummularia", + "18652": "swamp_candles, Lysimachia_terrestris", + "18653": "whorled_loosestrife, Lysimachia_quadrifolia", + "18654": "water_pimpernel", + "18655": "brookweed, Samolus_valerandii", + "18656": "brookweed, Samolus_parviflorus, Samolus_floribundus", + "18657": "coralberry, spiceberry, Ardisia_crenata", + "18658": "marlberry, Ardisia_escallonoides, Ardisia_paniculata", + "18659": "plumbago", + "18660": "leadwort, Plumbago_europaea", + "18661": "thrift", + "18662": "sea_lavender, marsh_rosemary, statice", + "18663": "barbasco, joewood, Jacquinia_keyensis", + "18664": "gramineous_plant, graminaceous_plant", + "18665": "grass", + "18666": "midgrass", + "18667": "shortgrass, short-grass", + "18668": "sword_grass", + "18669": "tallgrass, tall-grass", + "18670": "herbage, pasturage", + "18671": "goat_grass, Aegilops_triuncalis", + "18672": "wheatgrass, wheat-grass", + "18673": "crested_wheatgrass, crested_wheat_grass, fairway_crested_wheat_grass, Agropyron_cristatum", + "18674": "bearded_wheatgrass, Agropyron_subsecundum", + "18675": "western_wheatgrass, bluestem_wheatgrass, Agropyron_smithii", + "18676": "intermediate_wheatgrass, Agropyron_intermedium, Elymus_hispidus", + "18677": "slender_wheatgrass, Agropyron_trachycaulum, Agropyron_pauciflorum, Elymus_trachycaulos", + "18678": "velvet_bent, velvet_bent_grass, brown_bent, Rhode_Island_bent, dog_bent, Agrostis_canina", + "18679": "cloud_grass, Agrostis_nebulosa", + "18680": "meadow_foxtail, Alopecurus_pratensis", + "18681": "foxtail, foxtail_grass", + "18682": "broom_grass", + "18683": "broom_sedge, Andropogon_virginicus", + "18684": "tall_oat_grass, tall_meadow_grass, evergreen_grass, false_oat, French_rye, Arrhenatherum_elatius", + "18685": "toetoe, toitoi, Arundo_conspicua, Chionochloa_conspicua", + "18686": "oat", + "18687": "cereal_oat, Avena_sativa", + "18688": "wild_oat, wild_oat_grass, Avena_fatua", + "18689": "slender_wild_oat, Avena_barbata", + "18690": "wild_red_oat, animated_oat, Avene_sterilis", + "18691": "brome, bromegrass", + "18692": "chess, cheat, Bromus_secalinus", + "18693": "field_brome, Bromus_arvensis", + "18694": "grama, grama_grass, gramma, gramma_grass", + "18695": "black_grama, Bouteloua_eriopoda", + "18696": "buffalo_grass, Buchloe_dactyloides", + "18697": "reed_grass", + "18698": "feather_reed_grass, feathertop, Calamagrostis_acutiflora", + "18699": "Australian_reed_grass, Calamagrostic_quadriseta", + "18700": "burgrass, bur_grass", + "18701": "buffel_grass, Cenchrus_ciliaris, Pennisetum_cenchroides", + "18702": "Rhodes_grass, Chloris_gayana", + "18703": "pampas_grass, Cortaderia_selloana", + "18704": "giant_star_grass, Cynodon_plectostachyum", + "18705": "orchard_grass, cocksfoot, cockspur, Dactylis_glomerata", + "18706": "Egyptian_grass, crowfoot_grass, Dactyloctenium_aegypticum", + "18707": "crabgrass, crab_grass, finger_grass", + "18708": "smooth_crabgrass, Digitaria_ischaemum", + "18709": "large_crabgrass, hairy_finger_grass, Digitaria_sanguinalis", + "18710": "barnyard_grass, barn_grass, barn_millet, Echinochloa_crusgalli", + "18711": "Japanese_millet, billion-dollar_grass, Japanese_barnyard_millet, sanwa_millet, Echinochloa_frumentacea", + "18712": "yardgrass, yard_grass, wire_grass, goose_grass, Eleusine_indica", + "18713": "finger_millet, ragi, ragee, African_millet, coracan, corakan, kurakkan, Eleusine_coracana", + "18714": "lyme_grass", + "18715": "wild_rye", + "18716": "giant_ryegrass, Elymus_condensatus, Leymus_condensatus", + "18717": "sea_lyme_grass, European_dune_grass, Elymus_arenarius, Leymus_arenaria", + "18718": "Canada_wild_rye, Elymus_canadensis", + "18719": "teff, teff_grass, Eragrostis_tef, Eragrostic_abyssinica", + "18720": "weeping_love_grass, African_love_grass, Eragrostis_curvula", + "18721": "plume_grass", + "18722": "Ravenna_grass, wool_grass, Erianthus_ravennae", + "18723": "fescue, fescue_grass, meadow_fescue, Festuca_elatior", + "18724": "reed_meadow_grass, Glyceria_grandis", + "18725": "velvet_grass, Yorkshire_fog, Holcus_lanatus", + "18726": "creeping_soft_grass, Holcus_mollis", + "18727": "barleycorn", + "18728": "barley_grass, wall_barley, Hordeum_murinum", + "18729": "little_barley, Hordeum_pusillum", + "18730": "rye_grass, ryegrass", + "18731": "perennial_ryegrass, English_ryegrass, Lolium_perenne", + "18732": "Italian_ryegrass, Italian_rye, Lolium_multiflorum", + "18733": "darnel, tare, bearded_darnel, cheat, Lolium_temulentum", + "18734": "nimblewill, nimble_Will, Muhlenbergia_schreberi", + "18735": "cultivated_rice, Oryza_sativa", + "18736": "ricegrass, rice_grass", + "18737": "smilo, smilo_grass, Oryzopsis_miliacea", + "18738": "switch_grass, Panicum_virgatum", + "18739": "broomcorn_millet, hog_millet, Panicum_miliaceum", + "18740": "goose_grass, Texas_millet, Panicum_Texanum", + "18741": "dallisgrass, dallis_grass, paspalum, Paspalum_dilatatum", + "18742": "Bahia_grass, Paspalum_notatum", + "18743": "knotgrass, Paspalum_distichum", + "18744": "fountain_grass, Pennisetum_ruppelii, Pennisetum_setaceum", + "18745": "reed_canary_grass, gardener's_garters, lady's_laces, ribbon_grass, Phalaris_arundinacea", + "18746": "canary_grass, birdseed_grass, Phalaris_canariensis", + "18747": "timothy, herd's_grass, Phleum_pratense", + "18748": "bluegrass, blue_grass", + "18749": "meadowgrass, meadow_grass", + "18750": "wood_meadowgrass, Poa_nemoralis, Agrostis_alba", + "18751": "noble_cane", + "18752": "munj, munja, Saccharum_bengalense, Saccharum_munja", + "18753": "broom_beard_grass, prairie_grass, wire_grass, Andropogon_scoparius, Schizachyrium_scoparium", + "18754": "bluestem, blue_stem, Andropogon_furcatus, Andropogon_gerardii", + "18755": "rye, Secale_cereale", + "18756": "bristlegrass, bristle_grass", + "18757": "giant_foxtail", + "18758": "yellow_bristlegrass, yellow_bristle_grass, yellow_foxtail, glaucous_bristlegrass, Setaria_glauca", + "18759": "green_bristlegrass, green_foxtail, rough_bristlegrass, bottle-grass, bottle_grass, Setaria_viridis", + "18760": "Siberian_millet, Setaria_italica_rubrofructa", + "18761": "German_millet, golden_wonder_millet, Setaria_italica_stramineofructa", + "18762": "millet", + "18763": "rattan, rattan_cane", + "18764": "malacca", + "18765": "reed", + "18766": "sorghum", + "18767": "grain_sorghum", + "18768": "durra, doura, dourah, Egyptian_corn, Indian_millet, Guinea_corn", + "18769": "feterita, federita, Sorghum_vulgare_caudatum", + "18770": "hegari", + "18771": "kaoliang", + "18772": "milo, milo_maize", + "18773": "shallu, Sorghum_vulgare_rosburghii", + "18774": "broomcorn, Sorghum_vulgare_technicum", + "18775": "cordgrass, cord_grass", + "18776": "salt_reed_grass, Spartina_cynosuroides", + "18777": "prairie_cordgrass, freshwater_cordgrass, slough_grass, Spartina_pectinmata", + "18778": "smut_grass, blackseed, carpet_grass, Sporobolus_poiretii", + "18779": "sand_dropseed, Sporobolus_cryptandrus", + "18780": "rush_grass, rush-grass", + "18781": "St._Augustine_grass, Stenotaphrum_secundatum, buffalo_grass", + "18782": "grain", + "18783": "cereal, cereal_grass", + "18784": "wheat", + "18785": "wheat_berry", + "18786": "durum, durum_wheat, hard_wheat, Triticum_durum, Triticum_turgidum, macaroni_wheat", + "18787": "spelt, Triticum_spelta, Triticum_aestivum_spelta", + "18788": "emmer, starch_wheat, two-grain_spelt, Triticum_dicoccum", + "18789": "wild_wheat, wild_emmer, Triticum_dicoccum_dicoccoides", + "18790": "corn, maize, Indian_corn, Zea_mays", + "18791": "mealie", + "18792": "corn", + "18793": "dent_corn, Zea_mays_indentata", + "18794": "flint_corn, flint_maize, Yankee_corn, Zea_mays_indurata", + "18795": "popcorn, Zea_mays_everta", + "18796": "zoysia", + "18797": "Manila_grass, Japanese_carpet_grass, Zoysia_matrella", + "18798": "Korean_lawn_grass, Japanese_lawn_grass, Zoysia_japonica", + "18799": "bamboo", + "18800": "common_bamboo, Bambusa_vulgaris", + "18801": "giant_bamboo, kyo-chiku, Dendrocalamus_giganteus", + "18802": "umbrella_plant, umbrella_sedge, Cyperus_alternifolius", + "18803": "chufa, yellow_nutgrass, earth_almond, ground_almond, rush_nut, Cyperus_esculentus", + "18804": "galingale, galangal, Cyperus_longus", + "18805": "nutgrass, nut_grass, nutsedge, nut_sedge, Cyperus_rotundus", + "18806": "sand_sedge, sand_reed, Carex_arenaria", + "18807": "cypress_sedge, Carex_pseudocyperus", + "18808": "cotton_grass, cotton_rush", + "18809": "common_cotton_grass, Eriophorum_angustifolium", + "18810": "hardstem_bulrush, hardstemmed_bulrush, Scirpus_acutus", + "18811": "wool_grass, Scirpus_cyperinus", + "18812": "spike_rush", + "18813": "water_chestnut, Chinese_water_chestnut, Eleocharis_dulcis", + "18814": "needle_spike_rush, needle_rush, slender_spike_rush, hair_grass, Eleocharis_acicularis", + "18815": "creeping_spike_rush, Eleocharis_palustris", + "18816": "pandanus, screw_pine", + "18817": "textile_screw_pine, lauhala, Pandanus_tectorius", + "18818": "cattail", + "18819": "cat's-tail, bullrush, bulrush, nailrod, reed_mace, reedmace, Typha_latifolia", + "18820": "bur_reed", + "18821": "grain, caryopsis", + "18822": "kernel", + "18823": "rye", + "18824": "gourd, gourd_vine", + "18825": "gourd", + "18826": "pumpkin, pumpkin_vine, autumn_pumpkin, Cucurbita_pepo", + "18827": "squash, squash_vine", + "18828": "summer_squash, summer_squash_vine, Cucurbita_pepo_melopepo", + "18829": "yellow_squash", + "18830": "marrow, marrow_squash, vegetable_marrow", + "18831": "zucchini, courgette", + "18832": "cocozelle, Italian_vegetable_marrow", + "18833": "cymling, pattypan_squash", + "18834": "spaghetti_squash", + "18835": "winter_squash, winter_squash_plant", + "18836": "acorn_squash", + "18837": "hubbard_squash, Cucurbita_maxima", + "18838": "turban_squash, Cucurbita_maxima_turbaniformis", + "18839": "buttercup_squash", + "18840": "butternut_squash, Cucurbita_maxima", + "18841": "winter_crookneck, winter_crookneck_squash, Cucurbita_moschata", + "18842": "cushaw, Cucurbita_mixta, Cucurbita_argyrosperma", + "18843": "prairie_gourd, prairie_gourd_vine, Missouri_gourd, wild_pumpkin, buffalo_gourd, calabazilla, Cucurbita_foetidissima", + "18844": "prairie_gourd", + "18845": "bryony, briony", + "18846": "white_bryony, devil's_turnip, Bryonia_alba", + "18847": "sweet_melon, muskmelon, sweet_melon_vine, Cucumis_melo", + "18848": "cantaloupe, cantaloup, cantaloupe_vine, cantaloup_vine, Cucumis_melo_cantalupensis", + "18849": "winter_melon, Persian_melon, honeydew_melon, winter_melon_vine, Cucumis_melo_inodorus", + "18850": "net_melon, netted_melon, nutmeg_melon, Cucumis_melo_reticulatus", + "18851": "cucumber, cucumber_vine, Cucumis_sativus", + "18852": "squirting_cucumber, exploding_cucumber, touch-me-not, Ecballium_elaterium", + "18853": "bottle_gourd, calabash, Lagenaria_siceraria", + "18854": "luffa, dishcloth_gourd, sponge_gourd, rag_gourd, strainer_vine", + "18855": "loofah, vegetable_sponge, Luffa_cylindrica", + "18856": "angled_loofah, sing-kwa, Luffa_acutangula", + "18857": "loofa, loofah, luffa, loufah_sponge", + "18858": "balsam_apple, Momordica_balsamina", + "18859": "balsam_pear, Momordica_charantia", + "18860": "lobelia", + "18861": "water_lobelia, Lobelia_dortmanna", + "18862": "mallow", + "18863": "musk_mallow, mus_rose, Malva_moschata", + "18864": "common_mallow, Malva_neglecta", + "18865": "okra, gumbo, okra_plant, lady's-finger, Abelmoschus_esculentus, Hibiscus_esculentus", + "18866": "okra", + "18867": "abelmosk, musk_mallow, Abelmoschus_moschatus, Hibiscus_moschatus", + "18868": "flowering_maple", + "18869": "velvetleaf, velvet-leaf, velvetweed, Indian_mallow, butter-print, China_jute, Abutilon_theophrasti", + "18870": "hollyhock", + "18871": "rose_mallow, Alcea_rosea, Althea_rosea", + "18872": "althea, althaea, hollyhock", + "18873": "marsh_mallow, white_mallow, Althea_officinalis", + "18874": "poppy_mallow", + "18875": "fringed_poppy_mallow, Callirhoe_digitata", + "18876": "purple_poppy_mallow, Callirhoe_involucrata", + "18877": "clustered_poppy_mallow, Callirhoe_triangulata", + "18878": "sea_island_cotton, tree_cotton, Gossypium_barbadense", + "18879": "Levant_cotton, Gossypium_herbaceum", + "18880": "upland_cotton, Gossypium_hirsutum", + "18881": "Peruvian_cotton, Gossypium_peruvianum", + "18882": "wild_cotton, Arizona_wild_cotton, Gossypium_thurberi", + "18883": "kenaf, kanaf, deccan_hemp, bimli, bimli_hemp, Indian_hemp, Bombay_hemp, Hibiscus_cannabinus", + "18884": "sorrel_tree, Hibiscus_heterophyllus", + "18885": "rose_mallow, swamp_mallow, common_rose_mallow, swamp_rose_mallow, Hibiscus_moscheutos", + "18886": "cotton_rose, Confederate_rose, Confederate_rose_mallow, Hibiscus_mutabilis", + "18887": "roselle, rozelle, sorrel, red_sorrel, Jamaica_sorrel, Hibiscus_sabdariffa", + "18888": "mahoe, majagua, mahagua, balibago, purau, Hibiscus_tiliaceus", + "18889": "flower-of-an-hour, flowers-of-an-hour, bladder_ketmia, black-eyed_Susan, Hibiscus_trionum", + "18890": "lacebark, ribbonwood, houhere, Hoheria_populnea", + "18891": "wild_hollyhock, Iliamna_remota, Sphaeralcea_remota", + "18892": "mountain_hollyhock, Iliamna_ruvularis, Iliamna_acerifolia", + "18893": "seashore_mallow", + "18894": "salt_marsh_mallow, Kosteletzya_virginica", + "18895": "chaparral_mallow, Malacothamnus_fasciculatus, Sphaeralcea_fasciculata", + "18896": "malope, Malope_trifida", + "18897": "false_mallow", + "18898": "waxmallow, wax_mallow, sleeping_hibiscus", + "18899": "glade_mallow, Napaea_dioica", + "18900": "pavonia", + "18901": "ribbon_tree, ribbonwood, Plagianthus_regius, Plagianthus_betulinus", + "18902": "bush_hibiscus, Radyera_farragei, Hibiscus_farragei", + "18903": "Virginia_mallow, Sida_hermaphrodita", + "18904": "Queensland_hemp, jellyleaf, Sida_rhombifolia", + "18905": "Indian_mallow, Sida_spinosa", + "18906": "checkerbloom, wild_hollyhock, Sidalcea_malviflora", + "18907": "globe_mallow, false_mallow", + "18908": "prairie_mallow, red_false_mallow, Sphaeralcea_coccinea, Malvastrum_coccineum", + "18909": "tulipwood_tree", + "18910": "portia_tree, bendy_tree, seaside_mahoe, Thespesia_populnea", + "18911": "red_silk-cotton_tree, simal, Bombax_ceiba, Bombax_malabarica", + "18912": "cream-of-tartar_tree, sour_gourd, Adansonia_gregorii", + "18913": "baobab, monkey-bread_tree, Adansonia_digitata", + "18914": "kapok, ceiba_tree, silk-cotton_tree, white_silk-cotton_tree, Bombay_ceiba, God_tree, Ceiba_pentandra", + "18915": "durian, durion, durian_tree, Durio_zibethinus", + "18916": "Montezuma", + "18917": "shaving-brush_tree, Pseudobombax_ellipticum", + "18918": "quandong, quandong_tree, Brisbane_quandong, silver_quandong_tree, blue_fig, Elaeocarpus_grandis", + "18919": "quandong, blue_fig", + "18920": "makomako, New_Zealand_wine_berry, wineberry, Aristotelia_serrata, Aristotelia_racemosa", + "18921": "Jamaican_cherry, calabur_tree, calabura, silk_wood, silkwood, Muntingia_calabura", + "18922": "breakax, breakaxe, break-axe, Sloanea_jamaicensis", + "18923": "sterculia", + "18924": "Panama_tree, Sterculia_apetala", + "18925": "kalumpang, Java_olives, Sterculia_foetida", + "18926": "bottle-tree, bottle_tree", + "18927": "flame_tree, flame_durrajong, Brachychiton_acerifolius, Sterculia_acerifolia", + "18928": "flame_tree, broad-leaved_bottletree, Brachychiton_australis", + "18929": "kurrajong, currajong, Brachychiton_populneus", + "18930": "Queensland_bottletree, narrow-leaved_bottletree, Brachychiton_rupestris, Sterculia_rupestris", + "18931": "kola, kola_nut, kola_nut_tree, goora_nut, Cola_acuminata", + "18932": "kola_nut, cola_nut", + "18933": "Chinese_parasol_tree, Chinese_parasol, Japanese_varnish_tree, phoenix_tree, Firmiana_simplex", + "18934": "flannelbush, flannel_bush, California_beauty", + "18935": "screw_tree", + "18936": "nut-leaved_screw_tree, Helicteres_isora", + "18937": "red_beech, brown_oak, booyong, crow's_foot, stave_wood, silky_elm, Heritiera_trifoliolata, Terrietia_trifoliolata", + "18938": "looking_glass_tree, Heritiera_macrophylla", + "18939": "looking-glass_plant, Heritiera_littoralis", + "18940": "honey_bell, honeybells, Hermannia_verticillata, Mahernia_verticillata", + "18941": "mayeng, maple-leaved_bayur, Pterospermum_acerifolium", + "18942": "silver_tree, Tarrietia_argyrodendron", + "18943": "cacao, cacao_tree, chocolate_tree, Theobroma_cacao", + "18944": "obeche, obechi, arere, samba, Triplochiton_scleroxcylon", + "18945": "linden, linden_tree, basswood, lime, lime_tree", + "18946": "American_basswood, American_lime, Tilia_americana", + "18947": "small-leaved_linden, small-leaved_lime, Tilia_cordata", + "18948": "white_basswood, cottonwood, Tilia_heterophylla", + "18949": "Japanese_linden, Japanese_lime, Tilia_japonica", + "18950": "silver_lime, silver_linden, Tilia_tomentosa", + "18951": "corchorus", + "18952": "African_hemp, Sparmannia_africana", + "18953": "herb, herbaceous_plant", + "18954": "protea", + "18955": "honeypot, king_protea, Protea_cynaroides", + "18956": "honeyflower, honey-flower, Protea_mellifera", + "18957": "banksia", + "18958": "honeysuckle, Australian_honeysuckle, coast_banksia, Banksia_integrifolia", + "18959": "smoke_bush", + "18960": "Chilean_firebush, Chilean_flameflower, Embothrium_coccineum", + "18961": "Chilean_nut, Chile_nut, Chile_hazel, Chilean_hazelnut, Guevina_heterophylla, Guevina_avellana", + "18962": "grevillea", + "18963": "red-flowered_silky_oak, Grevillea_banksii", + "18964": "silky_oak, Grevillea_robusta", + "18965": "beefwood, Grevillea_striata", + "18966": "cushion_flower, pincushion_hakea, Hakea_laurina", + "18967": "rewa-rewa, New_Zealand_honeysuckle", + "18968": "honeyflower, honey-flower, mountain_devil, Lambertia_formosa", + "18969": "silver_tree, Leucadendron_argenteum", + "18970": "lomatia", + "18971": "macadamia, macadamia_tree", + "18972": "Macadamia_integrifolia", + "18973": "macadamia_nut, macadamia_nut_tree, Macadamia_ternifolia", + "18974": "Queensland_nut, Macadamia_tetraphylla", + "18975": "prickly_ash, Orites_excelsa", + "18976": "geebung", + "18977": "wheel_tree, firewheel_tree, Stenocarpus_sinuatus", + "18978": "scrub_beefwood, beefwood, Stenocarpus_salignus", + "18979": "waratah, Telopea_Oreades", + "18980": "waratah, Telopea_speciosissima", + "18981": "casuarina", + "18982": "she-oak", + "18983": "beefwood", + "18984": "Australian_pine, Casuarina_equisetfolia", + "18985": "heath", + "18986": "tree_heath, briar, brier, Erica_arborea", + "18987": "briarroot", + "18988": "winter_heath, spring_heath, Erica_carnea", + "18989": "bell_heather, heather_bell, fine-leaved_heath, Erica_cinerea", + "18990": "Cornish_heath, Erica_vagans", + "18991": "Spanish_heath, Portuguese_heath, Erica_lusitanica", + "18992": "Prince-of-Wales'-heath, Prince_of_Wales_heath, Erica_perspicua", + "18993": "bog_rosemary, moorwort, Andromeda_glaucophylla", + "18994": "marsh_andromeda, common_bog_rosemary, Andromeda_polifolia", + "18995": "madrona, madrono, manzanita, Arbutus_menziesii", + "18996": "strawberry_tree, Irish_strawberry, Arbutus_unedo", + "18997": "bearberry", + "18998": "alpine_bearberry, black_bearberry, Arctostaphylos_alpina", + "18999": "heartleaf_manzanita, Arctostaphylos_andersonii", + "19000": "Parry_manzanita, Arctostaphylos_manzanita", + "19001": "spike_heath, Bruckenthalia_spiculifolia", + "19002": "bryanthus", + "19003": "leatherleaf, Chamaedaphne_calyculata", + "19004": "Connemara_heath, St._Dabeoc's_heath, Daboecia_cantabrica", + "19005": "trailing_arbutus, mayflower, Epigaea_repens", + "19006": "creeping_snowberry, moxie_plum, maidenhair_berry, Gaultheria_hispidula", + "19007": "salal, shallon, Gaultheria_shallon", + "19008": "huckleberry", + "19009": "black_huckleberry, Gaylussacia_baccata", + "19010": "dangleberry, dangle-berry, Gaylussacia_frondosa", + "19011": "box_huckleberry, Gaylussacia_brachycera", + "19012": "kalmia", + "19013": "mountain_laurel, wood_laurel, American_laurel, calico_bush, Kalmia_latifolia", + "19014": "swamp_laurel, bog_laurel, bog_kalmia, Kalmia_polifolia", + "19015": "trapper's_tea, glandular_Labrador_tea", + "19016": "wild_rosemary, marsh_tea, Ledum_palustre", + "19017": "sand_myrtle, Leiophyllum_buxifolium", + "19018": "leucothoe", + "19019": "dog_laurel, dog_hobble, switch-ivy, Leucothoe_fontanesiana, Leucothoe_editorum", + "19020": "sweet_bells, Leucothoe_racemosa", + "19021": "alpine_azalea, mountain_azalea, Loiseleuria_procumbens", + "19022": "staggerbush, stagger_bush, Lyonia_mariana", + "19023": "maleberry, male_berry, privet_andromeda, he-huckleberry, Lyonia_ligustrina", + "19024": "fetterbush, fetter_bush, shiny_lyonia, Lyonia_lucida", + "19025": "false_azalea, fool's_huckleberry, Menziesia_ferruginea", + "19026": "minniebush, minnie_bush, Menziesia_pilosa", + "19027": "sorrel_tree, sourwood, titi, Oxydendrum_arboreum", + "19028": "mountain_heath, Phyllodoce_caerulea, Bryanthus_taxifolius", + "19029": "purple_heather, Brewer's_mountain_heather, Phyllodoce_breweri", + "19030": "fetterbush, mountain_fetterbush, mountain_andromeda, Pieris_floribunda", + "19031": "rhododendron", + "19032": "coast_rhododendron, Rhododendron_californicum", + "19033": "rosebay, Rhododendron_maxima", + "19034": "swamp_azalea, swamp_honeysuckle, white_honeysuckle, Rhododendron_viscosum", + "19035": "azalea", + "19036": "cranberry", + "19037": "American_cranberry, large_cranberry, Vaccinium_macrocarpon", + "19038": "European_cranberry, small_cranberry, Vaccinium_oxycoccus", + "19039": "blueberry, blueberry_bush", + "19040": "farkleberry, sparkleberry, Vaccinium_arboreum", + "19041": "low-bush_blueberry, low_blueberry, Vaccinium_angustifolium, Vaccinium_pennsylvanicum", + "19042": "rabbiteye_blueberry, rabbit-eye_blueberry, rabbiteye, Vaccinium_ashei", + "19043": "dwarf_bilberry, dwarf_blueberry, Vaccinium_caespitosum", + "19044": "evergreen_blueberry, Vaccinium_myrsinites", + "19045": "evergreen_huckleberry, Vaccinium_ovatum", + "19046": "bilberry, thin-leaved_bilberry, mountain_blue_berry, Viccinium_membranaceum", + "19047": "bilberry, whortleberry, whinberry, blaeberry, Viccinium_myrtillus", + "19048": "bog_bilberry, bog_whortleberry, moor_berry, Vaccinium_uliginosum_alpinum", + "19049": "dryland_blueberry, dryland_berry, Vaccinium_pallidum", + "19050": "grouseberry, grouse-berry, grouse_whortleberry, Vaccinium_scoparium", + "19051": "deerberry, squaw_huckleberry, Vaccinium_stamineum", + "19052": "cowberry, mountain_cranberry, lingonberry, lingenberry, lingberry, foxberry, Vaccinium_vitis-idaea", + "19053": "diapensia", + "19054": "galax, galaxy, wandflower, beetleweed, coltsfoot, Galax_urceolata", + "19055": "pyxie, pixie, pixy, Pyxidanthera_barbulata", + "19056": "shortia", + "19057": "oconee_bells, Shortia_galacifolia", + "19058": "Australian_heath", + "19059": "epacris", + "19060": "common_heath, Epacris_impressa", + "19061": "common_heath, blunt-leaf_heath, Epacris_obtusifolia", + "19062": "Port_Jackson_heath, Epacris_purpurascens", + "19063": "native_cranberry, groundberry, ground-berry, cranberry_heath, Astroloma_humifusum, Styphelia_humifusum", + "19064": "pink_fivecorner, Styphelia_triflora", + "19065": "wintergreen, pyrola", + "19066": "false_wintergreen, Pyrola_americana, Pyrola_rotundifolia_americana", + "19067": "lesser_wintergreen, Pyrola_minor", + "19068": "wild_lily_of_the_valley, shinleaf, Pyrola_elliptica", + "19069": "wild_lily_of_the_valley, Pyrola_rotundifolia", + "19070": "pipsissewa, prince's_pine", + "19071": "love-in-winter, western_prince's_pine, Chimaphila_umbellata, Chimaphila_corymbosa", + "19072": "one-flowered_wintergreen, one-flowered_pyrola, Moneses_uniflora, Pyrola_uniflora", + "19073": "Indian_pipe, waxflower, Monotropa_uniflora", + "19074": "pinesap, false_beachdrops, Monotropa_hypopithys", + "19075": "beech, beech_tree", + "19076": "common_beech, European_beech, Fagus_sylvatica", + "19077": "copper_beech, purple_beech, Fagus_sylvatica_atropunicea, Fagus_purpurea, Fagus_sylvatica_purpurea", + "19078": "American_beech, white_beech, red_beech, Fagus_grandifolia, Fagus_americana", + "19079": "weeping_beech, Fagus_pendula, Fagus_sylvatica_pendula", + "19080": "Japanese_beech", + "19081": "chestnut, chestnut_tree", + "19082": "American_chestnut, American_sweet_chestnut, Castanea_dentata", + "19083": "European_chestnut, sweet_chestnut, Spanish_chestnut, Castanea_sativa", + "19084": "Chinese_chestnut, Castanea_mollissima", + "19085": "Japanese_chestnut, Castanea_crenata", + "19086": "Allegheny_chinkapin, eastern_chinquapin, chinquapin, dwarf_chestnut, Castanea_pumila", + "19087": "Ozark_chinkapin, Ozark_chinquapin, chinquapin, Castanea_ozarkensis", + "19088": "oak_chestnut", + "19089": "giant_chinkapin, golden_chinkapin, Chrysolepis_chrysophylla, Castanea_chrysophylla, Castanopsis_chrysophylla", + "19090": "dwarf_golden_chinkapin, Chrysolepis_sempervirens", + "19091": "tanbark_oak, Lithocarpus_densiflorus", + "19092": "Japanese_oak, Lithocarpus_glabra, Lithocarpus_glaber", + "19093": "southern_beech, evergreen_beech", + "19094": "myrtle_beech, Nothofagus_cuninghamii", + "19095": "Coigue, Nothofagus_dombeyi", + "19096": "New_Zealand_beech", + "19097": "silver_beech, Nothofagus_menziesii", + "19098": "roble_beech, Nothofagus_obliqua", + "19099": "rauli_beech, Nothofagus_procera", + "19100": "black_beech, Nothofagus_solanderi", + "19101": "hard_beech, Nothofagus_truncata", + "19102": "acorn", + "19103": "cupule, acorn_cup", + "19104": "oak, oak_tree", + "19105": "live_oak", + "19106": "coast_live_oak, California_live_oak, Quercus_agrifolia", + "19107": "white_oak", + "19108": "American_white_oak, Quercus_alba", + "19109": "Arizona_white_oak, Quercus_arizonica", + "19110": "swamp_white_oak, swamp_oak, Quercus_bicolor", + "19111": "European_turkey_oak, turkey_oak, Quercus_cerris", + "19112": "canyon_oak, canyon_live_oak, maul_oak, iron_oak, Quercus_chrysolepis", + "19113": "scarlet_oak, Quercus_coccinea", + "19114": "jack_oak, northern_pin_oak, Quercus_ellipsoidalis", + "19115": "red_oak", + "19116": "southern_red_oak, swamp_red_oak, turkey_oak, Quercus_falcata", + "19117": "Oregon_white_oak, Oregon_oak, Garry_oak, Quercus_garryana", + "19118": "holm_oak, holm_tree, holly-leaved_oak, evergreen_oak, Quercus_ilex", + "19119": "bear_oak, Quercus_ilicifolia", + "19120": "shingle_oak, laurel_oak, Quercus_imbricaria", + "19121": "bluejack_oak, turkey_oak, Quercus_incana", + "19122": "California_black_oak, Quercus_kelloggii", + "19123": "American_turkey_oak, turkey_oak, Quercus_laevis", + "19124": "laurel_oak, pin_oak, Quercus_laurifolia", + "19125": "California_white_oak, valley_oak, valley_white_oak, roble, Quercus_lobata", + "19126": "overcup_oak, Quercus_lyrata", + "19127": "bur_oak, burr_oak, mossy-cup_oak, mossycup_oak, Quercus_macrocarpa", + "19128": "scrub_oak", + "19129": "blackjack_oak, blackjack, jack_oak, Quercus_marilandica", + "19130": "swamp_chestnut_oak, Quercus_michauxii", + "19131": "Japanese_oak, Quercus_mongolica, Quercus_grosseserrata", + "19132": "chestnut_oak", + "19133": "chinquapin_oak, chinkapin_oak, yellow_chestnut_oak, Quercus_muehlenbergii", + "19134": "myrtle_oak, seaside_scrub_oak, Quercus_myrtifolia", + "19135": "water_oak, possum_oak, Quercus_nigra", + "19136": "Nuttall_oak, Nuttall's_oak, Quercus_nuttalli", + "19137": "durmast, Quercus_petraea, Quercus_sessiliflora", + "19138": "basket_oak, cow_oak, Quercus_prinus, Quercus_montana", + "19139": "pin_oak, swamp_oak, Quercus_palustris", + "19140": "willow_oak, Quercus_phellos", + "19141": "dwarf_chinkapin_oak, dwarf_chinquapin_oak, dwarf_oak, Quercus_prinoides", + "19142": "common_oak, English_oak, pedunculate_oak, Quercus_robur", + "19143": "northern_red_oak, Quercus_rubra, Quercus_borealis", + "19144": "Shumard_oak, Shumard_red_oak, Quercus_shumardii", + "19145": "post_oak, box_white_oak, brash_oak, iron_oak, Quercus_stellata", + "19146": "cork_oak, Quercus_suber", + "19147": "Spanish_oak, Quercus_texana", + "19148": "huckleberry_oak, Quercus_vaccinifolia", + "19149": "Chinese_cork_oak, Quercus_variabilis", + "19150": "black_oak, yellow_oak, quercitron, quercitron_oak, Quercus_velutina", + "19151": "southern_live_oak, Quercus_virginiana", + "19152": "interior_live_oak, Quercus_wislizenii, Quercus_wizlizenii", + "19153": "mast", + "19154": "birch, birch_tree", + "19155": "yellow_birch, Betula_alleghaniensis, Betula_leutea", + "19156": "American_white_birch, paper_birch, paperbark_birch, canoe_birch, Betula_cordifolia, Betula_papyrifera", + "19157": "grey_birch, gray_birch, American_grey_birch, American_gray_birch, Betula_populifolia", + "19158": "silver_birch, common_birch, European_white_birch, Betula_pendula", + "19159": "downy_birch, white_birch, Betula_pubescens", + "19160": "black_birch, river_birch, red_birch, Betula_nigra", + "19161": "sweet_birch, cherry_birch, black_birch, Betula_lenta", + "19162": "Yukon_white_birch, Betula_neoalaskana", + "19163": "swamp_birch, water_birch, mountain_birch, Western_paper_birch, Western_birch, Betula_fontinalis", + "19164": "Newfoundland_dwarf_birch, American_dwarf_birch, Betula_glandulosa", + "19165": "alder, alder_tree", + "19166": "common_alder, European_black_alder, Alnus_glutinosa, Alnus_vulgaris", + "19167": "grey_alder, gray_alder, Alnus_incana", + "19168": "seaside_alder, Alnus_maritima", + "19169": "white_alder, mountain_alder, Alnus_rhombifolia", + "19170": "red_alder, Oregon_alder, Alnus_rubra", + "19171": "speckled_alder, Alnus_rugosa", + "19172": "smooth_alder, hazel_alder, Alnus_serrulata", + "19173": "green_alder, Alnus_veridis", + "19174": "green_alder, Alnus_veridis_crispa, Alnus_crispa", + "19175": "hornbeam", + "19176": "European_hornbeam, Carpinus_betulus", + "19177": "American_hornbeam, Carpinus_caroliniana", + "19178": "hop_hornbeam", + "19179": "Old_World_hop_hornbeam, Ostrya_carpinifolia", + "19180": "Eastern_hop_hornbeam, ironwood, ironwood_tree, Ostrya_virginiana", + "19181": "hazelnut, hazel, hazelnut_tree", + "19182": "American_hazel, Corylus_americana", + "19183": "cobnut, filbert, Corylus_avellana, Corylus_avellana_grandis", + "19184": "beaked_hazelnut, Corylus_cornuta", + "19185": "centaury", + "19186": "rosita, Centaurium_calycosum", + "19187": "lesser_centaury, Centaurium_minus", + "19188": "seaside_centaury", + "19189": "slender_centaury", + "19190": "prairie_gentian, tulip_gentian, bluebell, Eustoma_grandiflorum", + "19191": "Persian_violet, Exacum_affine", + "19192": "columbo, American_columbo, deer's-ear, deer's-ears, pyramid_plant, American_gentian", + "19193": "gentian", + "19194": "gentianella, Gentiana_acaulis", + "19195": "closed_gentian, blind_gentian, bottle_gentian, Gentiana_andrewsii", + "19196": "explorer's_gentian, Gentiana_calycosa", + "19197": "closed_gentian, blind_gentian, Gentiana_clausa", + "19198": "great_yellow_gentian, Gentiana_lutea", + "19199": "marsh_gentian, calathian_violet, Gentiana_pneumonanthe", + "19200": "soapwort_gentian, Gentiana_saponaria", + "19201": "striped_gentian, Gentiana_villosa", + "19202": "agueweed, ague_weed, five-flowered_gentian, stiff_gentian, Gentianella_quinquefolia, Gentiana_quinquefolia", + "19203": "felwort, gentianella_amarella", + "19204": "fringed_gentian", + "19205": "Gentianopsis_crinita, Gentiana_crinita", + "19206": "Gentianopsis_detonsa, Gentiana_detonsa", + "19207": "Gentianopsid_procera, Gentiana_procera", + "19208": "Gentianopsis_thermalis, Gentiana_thermalis", + "19209": "tufted_gentian, Gentianopsis_holopetala, Gentiana_holopetala", + "19210": "spurred_gentian", + "19211": "sabbatia", + "19212": "toothbrush_tree, mustard_tree, Salvadora_persica", + "19213": "olive_tree", + "19214": "olive, European_olive_tree, Olea_europaea", + "19215": "olive", + "19216": "black_maire, Olea_cunninghamii", + "19217": "white_maire, Olea_lanceolata", + "19218": "fringe_tree", + "19219": "fringe_bush, Chionanthus_virginicus", + "19220": "forestiera", + "19221": "forsythia", + "19222": "ash, ash_tree", + "19223": "white_ash, Fraxinus_Americana", + "19224": "swamp_ash, Fraxinus_caroliniana", + "19225": "flowering_ash, Fraxinus_cuspidata", + "19226": "European_ash, common_European_ash, Fraxinus_excelsior", + "19227": "Oregon_ash, Fraxinus_latifolia, Fraxinus_oregona", + "19228": "black_ash, basket_ash, brown_ash, hoop_ash, Fraxinus_nigra", + "19229": "manna_ash, flowering_ash, Fraxinus_ornus", + "19230": "red_ash, downy_ash, Fraxinus_pennsylvanica", + "19231": "green_ash, Fraxinus_pennsylvanica_subintegerrima", + "19232": "blue_ash, Fraxinus_quadrangulata", + "19233": "mountain_ash, Fraxinus_texensis", + "19234": "pumpkin_ash, Fraxinus_tomentosa", + "19235": "Arizona_ash, Fraxinus_velutina", + "19236": "jasmine", + "19237": "primrose_jasmine, Jasminum_mesnyi", + "19238": "winter_jasmine, Jasminum_nudiflorum", + "19239": "common_jasmine, true_jasmine, jessamine, Jasminum_officinale", + "19240": "privet", + "19241": "Amur_privet, Ligustrum_amurense", + "19242": "Japanese_privet, Ligustrum_japonicum", + "19243": "Ligustrum_obtusifolium", + "19244": "common_privet, Ligustrum_vulgare", + "19245": "devilwood, American_olive, Osmanthus_americanus", + "19246": "mock_privet", + "19247": "lilac", + "19248": "Himalayan_lilac, Syringa_emodi", + "19249": "Persian_lilac, Syringa_persica", + "19250": "Japanese_tree_lilac, Syringa_reticulata, Syringa_amurensis_japonica", + "19251": "Japanese_lilac, Syringa_villosa", + "19252": "common_lilac, Syringa_vulgaris", + "19253": "bloodwort", + "19254": "kangaroo_paw, kangaroo's_paw, kangaroo's-foot, kangaroo-foot_plant, Australian_sword_lily, Anigozanthus_manglesii", + "19255": "Virginian_witch_hazel, Hamamelis_virginiana", + "19256": "vernal_witch_hazel, Hamamelis_vernalis", + "19257": "winter_hazel, flowering_hazel", + "19258": "fothergilla, witch_alder", + "19259": "liquidambar", + "19260": "sweet_gum, sweet_gum_tree, bilsted, red_gum, American_sweet_gum, Liquidambar_styraciflua", + "19261": "iron_tree, iron-tree, ironwood, ironwood_tree", + "19262": "walnut, walnut_tree", + "19263": "California_black_walnut, Juglans_californica", + "19264": "butternut, butternut_tree, white_walnut, Juglans_cinerea", + "19265": "black_walnut, black_walnut_tree, black_hickory, Juglans_nigra", + "19266": "English_walnut, English_walnut_tree, Circassian_walnut, Persian_walnut, Juglans_regia", + "19267": "hickory, hickory_tree", + "19268": "water_hickory, bitter_pecan, water_bitternut, Carya_aquatica", + "19269": "pignut, pignut_hickory, brown_hickory, black_hickory, Carya_glabra", + "19270": "bitternut, bitternut_hickory, bitter_hickory, bitter_pignut, swamp_hickory, Carya_cordiformis", + "19271": "pecan, pecan_tree, Carya_illinoensis, Carya_illinoinsis", + "19272": "big_shellbark, big_shellbark_hickory, big_shagbark, king_nut, king_nut_hickory, Carya_laciniosa", + "19273": "nutmeg_hickory, Carya_myristicaeformis, Carya_myristiciformis", + "19274": "shagbark, shagbark_hickory, shellbark, shellbark_hickory, Carya_ovata", + "19275": "mockernut, mockernut_hickory, black_hickory, white-heart_hickory, big-bud_hickory, Carya_tomentosa", + "19276": "wing_nut, wing-nut", + "19277": "Caucasian_walnut, Pterocarya_fraxinifolia", + "19278": "dhawa, dhava", + "19279": "combretum", + "19280": "hiccup_nut, hiccough_nut, Combretum_bracteosum", + "19281": "bush_willow, Combretum_appiculatum", + "19282": "bush_willow, Combretum_erythrophyllum", + "19283": "button_tree, button_mangrove, Conocarpus_erectus", + "19284": "white_mangrove, Laguncularia_racemosa", + "19285": "oleaster", + "19286": "water_milfoil", + "19287": "anchovy_pear, anchovy_pear_tree, Grias_cauliflora", + "19288": "brazil_nut, brazil-nut_tree, Bertholletia_excelsa", + "19289": "loosestrife", + "19290": "purple_loosestrife, spiked_loosestrife, Lythrum_salicaria", + "19291": "grass_poly, hyssop_loosestrife, Lythrum_hyssopifolia", + "19292": "crape_myrtle, crepe_myrtle, crepe_flower, Lagerstroemia_indica", + "19293": "Queen's_crape_myrtle, pride-of-India, Lagerstroemia_speciosa", + "19294": "myrtaceous_tree", + "19295": "myrtle", + "19296": "common_myrtle, Myrtus_communis", + "19297": "bayberry, bay-rum_tree, Jamaica_bayberry, wild_cinnamon, Pimenta_acris", + "19298": "allspice, allspice_tree, pimento_tree, Pimenta_dioica", + "19299": "allspice_tree, Pimenta_officinalis", + "19300": "sour_cherry, Eugenia_corynantha", + "19301": "nakedwood, Eugenia_dicrana", + "19302": "Surinam_cherry, pitanga, Eugenia_uniflora", + "19303": "rose_apple, rose-apple_tree, jambosa, Eugenia_jambos", + "19304": "feijoa, feijoa_bush", + "19305": "jaboticaba, jaboticaba_tree, Myrciaria_cauliflora", + "19306": "guava, true_guava, guava_bush, Psidium_guajava", + "19307": "guava, strawberry_guava, yellow_cattley_guava, Psidium_littorale", + "19308": "cattley_guava, purple_strawberry_guava, Psidium_cattleianum, Psidium_littorale_longipes", + "19309": "Brazilian_guava, Psidium_guineense", + "19310": "gum_tree, gum", + "19311": "eucalyptus, eucalypt, eucalyptus_tree", + "19312": "flooded_gum", + "19313": "mallee", + "19314": "stringybark", + "19315": "smoothbark", + "19316": "red_gum, peppermint, peppermint_gum, Eucalyptus_amygdalina", + "19317": "red_gum, marri, Eucalyptus_calophylla", + "19318": "river_red_gum, river_gum, Eucalyptus_camaldulensis, Eucalyptus_rostrata", + "19319": "mountain_swamp_gum, Eucalyptus_camphora", + "19320": "snow_gum, ghost_gum, white_ash, Eucalyptus_coriacea, Eucalyptus_pauciflora", + "19321": "alpine_ash, mountain_oak, Eucalyptus_delegatensis", + "19322": "white_mallee, congoo_mallee, Eucalyptus_dumosa", + "19323": "white_stringybark, thin-leaved_stringybark, Eucalyptusd_eugenioides", + "19324": "white_mountain_ash, Eucalyptus_fraxinoides", + "19325": "blue_gum, fever_tree, Eucalyptus_globulus", + "19326": "rose_gum, Eucalypt_grandis", + "19327": "cider_gum, Eucalypt_gunnii", + "19328": "swamp_gum, Eucalypt_ovata", + "19329": "spotted_gum, Eucalyptus_maculata", + "19330": "lemon-scented_gum, Eucalyptus_citriodora, Eucalyptus_maculata_citriodora", + "19331": "black_mallee, black_sally, black_gum, Eucalytus_stellulata", + "19332": "forest_red_gum, Eucalypt_tereticornis", + "19333": "mountain_ash, Eucalyptus_regnans", + "19334": "manna_gum, Eucalyptus_viminalis", + "19335": "clove, clove_tree, Syzygium_aromaticum, Eugenia_aromaticum, Eugenia_caryophyllatum", + "19336": "clove", + "19337": "tupelo, tupelo_tree", + "19338": "water_gum, Nyssa_aquatica", + "19339": "sour_gum, black_gum, pepperidge, Nyssa_sylvatica", + "19340": "enchanter's_nightshade", + "19341": "Circaea_lutetiana", + "19342": "willowherb", + "19343": "fireweed, giant_willowherb, rosebay_willowherb, wickup, Epilobium_angustifolium", + "19344": "California_fuchsia, humming_bird's_trumpet, Epilobium_canum_canum, Zauschneria_californica", + "19345": "fuchsia", + "19346": "lady's-eardrop, ladies'-eardrop, lady's-eardrops, ladies'-eardrops, Fuchsia_coccinea", + "19347": "evening_primrose", + "19348": "common_evening_primrose, German_rampion, Oenothera_biennis", + "19349": "sundrops, Oenothera_fruticosa", + "19350": "Missouri_primrose, Ozark_sundrops, Oenothera_macrocarpa", + "19351": "pomegranate, pomegranate_tree, Punica_granatum", + "19352": "mangrove, Rhizophora_mangle", + "19353": "daphne", + "19354": "garland_flower, Daphne_cneorum", + "19355": "spurge_laurel, wood_laurel, Daphne_laureola", + "19356": "mezereon, February_daphne, Daphne_mezereum", + "19357": "Indian_rhododendron, Melastoma_malabathricum", + "19358": "Medinilla_magnifica", + "19359": "deer_grass, meadow_beauty", + "19360": "canna", + "19361": "achira, indian_shot, arrowroot, Canna_indica, Canna_edulis", + "19362": "arrowroot, American_arrowroot, obedience_plant, Maranta_arundinaceae", + "19363": "banana, banana_tree", + "19364": "dwarf_banana, Musa_acuminata", + "19365": "Japanese_banana, Musa_basjoo", + "19366": "plantain, plantain_tree, Musa_paradisiaca", + "19367": "edible_banana, Musa_paradisiaca_sapientum", + "19368": "abaca, Manila_hemp, Musa_textilis", + "19369": "Abyssinian_banana, Ethiopian_banana, Ensete_ventricosum, Musa_ensete", + "19370": "ginger", + "19371": "common_ginger, Canton_ginger, stem_ginger, Zingiber_officinale", + "19372": "turmeric, Curcuma_longa, Curcuma_domestica", + "19373": "galangal, Alpinia_galanga", + "19374": "shellflower, shall-flower, shell_ginger, Alpinia_Zerumbet, Alpinia_speciosa, Languas_speciosa", + "19375": "grains_of_paradise, Guinea_grains, Guinea_pepper, melagueta_pepper, Aframomum_melegueta", + "19376": "cardamom, cardamon, Elettaria_cardamomum", + "19377": "begonia", + "19378": "fibrous-rooted_begonia", + "19379": "tuberous_begonia", + "19380": "rhizomatous_begonia", + "19381": "Christmas_begonia, blooming-fool_begonia, Begonia_cheimantha", + "19382": "angel-wing_begonia, Begonia_cocchinea", + "19383": "beefsteak_begonia, kidney_begonia, Begonia_erythrophylla, Begonia_feastii", + "19384": "star_begonia, star-leaf_begonia, Begonia_heracleifolia", + "19385": "rex_begonia, king_begonia, painted-leaf_begonia, beefsteak_geranium, Begonia_rex", + "19386": "wax_begonia, Begonia_semperflorens", + "19387": "Socotra_begonia, Begonia_socotrana", + "19388": "hybrid_tuberous_begonia, Begonia_tuberhybrida", + "19389": "dillenia", + "19390": "guinea_gold_vine, guinea_flower", + "19391": "poon", + "19392": "calaba, Santa_Maria_tree, Calophyllum_calaba", + "19393": "Maria, Calophyllum_longifolium", + "19394": "laurelwood, lancewood_tree, Calophyllum_candidissimum", + "19395": "Alexandrian_laurel, Calophyllum_inophyllum", + "19396": "clusia", + "19397": "wild_fig, Clusia_flava", + "19398": "waxflower, Clusia_insignis", + "19399": "pitch_apple, strangler_fig, Clusia_rosea, Clusia_major", + "19400": "mangosteen, mangosteen_tree, Garcinia_mangostana", + "19401": "gamboge_tree, Garcinia_hanburyi, Garcinia_cambogia, Garcinia_gummi-gutta", + "19402": "St_John's_wort", + "19403": "common_St_John's_wort, tutsan, Hypericum_androsaemum", + "19404": "great_St_John's_wort, Hypericum_ascyron, Hypericum_pyramidatum", + "19405": "creeping_St_John's_wort, Hypericum_calycinum", + "19406": "low_St_Andrew's_cross, Hypericum_hypericoides", + "19407": "klammath_weed, Hypericum_perforatum", + "19408": "shrubby_St_John's_wort, Hypericum_prolificum, Hypericum_spathulatum", + "19409": "St_Peter's_wort, Hypericum_tetrapterum, Hypericum_maculatum", + "19410": "marsh_St-John's_wort, Hypericum_virginianum", + "19411": "mammee_apple, mammee, mamey, mammee_tree, Mammea_americana", + "19412": "rose_chestnut, ironwood, ironwood_tree, Mesua_ferrea", + "19413": "bower_actinidia, tara_vine, Actinidia_arguta", + "19414": "Chinese_gooseberry, kiwi, kiwi_vine, Actinidia_chinensis, Actinidia_deliciosa", + "19415": "silvervine, silver_vine, Actinidia_polygama", + "19416": "wild_cinnamon, white_cinnamon_tree, Canella_winterana, Canella-alba", + "19417": "papaya, papaia, pawpaw, papaya_tree, melon_tree, Carica_papaya", + "19418": "souari, souari_nut, souari_tree, Caryocar_nuciferum", + "19419": "rockrose, rock_rose", + "19420": "white-leaved_rockrose, Cistus_albidus", + "19421": "common_gum_cistus, Cistus_ladanifer, Cistus_ladanum", + "19422": "frostweed, frost-weed, frostwort, Helianthemum_canadense, Crocanthemum_canadense", + "19423": "dipterocarp", + "19424": "red_lauan, red_lauan_tree, Shorea_teysmanniana", + "19425": "governor's_plum, governor_plum, Madagascar_plum, ramontchi, batoko_palm, Flacourtia_indica", + "19426": "kei_apple, kei_apple_bush, Dovyalis_caffra", + "19427": "ketembilla, kitembilla, kitambilla, ketembilla_tree, Ceylon_gooseberry, Dovyalis_hebecarpa", + "19428": "chaulmoogra, chaulmoogra_tree, chaulmugra, Hydnocarpus_kurzii, Taraktagenos_kurzii, Taraktogenos_kurzii", + "19429": "wild_peach, Kiggelaria_africana", + "19430": "candlewood", + "19431": "boojum_tree, cirio, Fouquieria_columnaris, Idria_columnaris", + "19432": "bird's-eye_bush, Ochna_serrulata", + "19433": "granadilla, purple_granadillo, Passiflora_edulis", + "19434": "granadilla, sweet_granadilla, Passiflora_ligularis", + "19435": "granadilla, giant_granadilla, Passiflora_quadrangularis", + "19436": "maypop, Passiflora_incarnata", + "19437": "Jamaica_honeysuckle, yellow_granadilla, Passiflora_laurifolia", + "19438": "banana_passion_fruit, Passiflora_mollissima", + "19439": "sweet_calabash, Passiflora_maliformis", + "19440": "love-in-a-mist, running_pop, wild_water_lemon, Passiflora_foetida", + "19441": "reseda", + "19442": "mignonette, sweet_reseda, Reseda_odorata", + "19443": "dyer's_rocket, dyer's_mignonette, weld, Reseda_luteola", + "19444": "false_tamarisk, German_tamarisk, Myricaria_germanica", + "19445": "halophyte", + "19446": "viola", + "19447": "violet", + "19448": "field_pansy, heartsease, Viola_arvensis", + "19449": "American_dog_violet, Viola_conspersa", + "19450": "dog_violet, heath_violet, Viola_canina", + "19451": "horned_violet, tufted_pansy, Viola_cornuta", + "19452": "two-eyed_violet, heartsease, Viola_ocellata", + "19453": "bird's-foot_violet, pansy_violet, Johnny-jump-up, wood_violet, Viola_pedata", + "19454": "downy_yellow_violet, Viola_pubescens", + "19455": "long-spurred_violet, Viola_rostrata", + "19456": "pale_violet, striped_violet, cream_violet, Viola_striata", + "19457": "hedge_violet, wood_violet, Viola_sylvatica, Viola_reichenbachiana", + "19458": "nettle", + "19459": "stinging_nettle, Urtica_dioica", + "19460": "Roman_nettle, Urtica_pipulifera", + "19461": "ramie, ramee, Chinese_silk_plant, China_grass, Boehmeria_nivea", + "19462": "wood_nettle, Laportea_canadensis", + "19463": "Australian_nettle, Australian_nettle_tree", + "19464": "pellitory-of-the-wall, wall_pellitory, pellitory, Parietaria_difussa", + "19465": "richweed, clearweed, dead_nettle, Pilea_pumilla", + "19466": "artillery_plant, Pilea_microphylla", + "19467": "friendship_plant, panamica, panamiga, Pilea_involucrata", + "19468": "Queensland_grass-cloth_plant, Pipturus_argenteus", + "19469": "Pipturus_albidus", + "19470": "cannabis, hemp", + "19471": "Indian_hemp, Cannabis_indica", + "19472": "mulberry, mulberry_tree", + "19473": "white_mulberry, Morus_alba", + "19474": "black_mulberry, Morus_nigra", + "19475": "red_mulberry, Morus_rubra", + "19476": "osage_orange, bow_wood, mock_orange, Maclura_pomifera", + "19477": "breadfruit, breadfruit_tree, Artocarpus_communis, Artocarpus_altilis", + "19478": "jackfruit, jackfruit_tree, Artocarpus_heterophyllus", + "19479": "marang, marang_tree, Artocarpus_odoratissima", + "19480": "fig_tree", + "19481": "fig, common_fig, common_fig_tree, Ficus_carica", + "19482": "caprifig, Ficus_carica_sylvestris", + "19483": "golden_fig, Florida_strangler_fig, strangler_fig, wild_fig, Ficus_aurea", + "19484": "banyan, banyan_tree, banian, banian_tree, Indian_banyan, East_Indian_fig_tree, Ficus_bengalensis", + "19485": "pipal, pipal_tree, pipul, peepul, sacred_fig, bo_tree, Ficus_religiosa", + "19486": "India-rubber_tree, India-rubber_plant, India-rubber_fig, rubber_plant, Assam_rubber, Ficus_elastica", + "19487": "mistletoe_fig, mistletoe_rubber_plant, Ficus_diversifolia, Ficus_deltoidea", + "19488": "Port_Jackson_fig, rusty_rig, little-leaf_fig, Botany_Bay_fig, Ficus_rubiginosa", + "19489": "sycamore, sycamore_fig, mulberry_fig, Ficus_sycomorus", + "19490": "paper_mulberry, Broussonetia_papyrifera", + "19491": "trumpetwood, trumpet-wood, trumpet_tree, snake_wood, imbauba, Cecropia_peltata", + "19492": "elm, elm_tree", + "19493": "winged_elm, wing_elm, Ulmus_alata", + "19494": "American_elm, white_elm, water_elm, rock_elm, Ulmus_americana", + "19495": "smooth-leaved_elm, European_field_elm, Ulmus_carpinifolia", + "19496": "cedar_elm, Ulmus_crassifolia", + "19497": "witch_elm, wych_elm, Ulmus_glabra", + "19498": "Dutch_elm, Ulmus_hollandica", + "19499": "Huntingdon_elm, Ulmus_hollandica_vegetata", + "19500": "water_elm, Ulmus_laevis", + "19501": "Chinese_elm, Ulmus_parvifolia", + "19502": "English_elm, European_elm, Ulmus_procera", + "19503": "Siberian_elm, Chinese_elm, dwarf_elm, Ulmus_pumila", + "19504": "slippery_elm, red_elm, Ulmus_rubra", + "19505": "Jersey_elm, guernsey_elm, wheately_elm, Ulmus_sarniensis, Ulmus_campestris_sarniensis, Ulmus_campestris_wheatleyi", + "19506": "September_elm, red_elm, Ulmus_serotina", + "19507": "rock_elm, Ulmus_thomasii", + "19508": "hackberry, nettle_tree", + "19509": "European_hackberry, Mediterranean_hackberry, Celtis_australis", + "19510": "American_hackberry, Celtis_occidentalis", + "19511": "sugarberry, Celtis_laevigata", + "19512": "iridaceous_plant", + "19513": "bearded_iris", + "19514": "beardless_iris", + "19515": "orrisroot, orris", + "19516": "dwarf_iris, Iris_cristata", + "19517": "Dutch_iris, Iris_filifolia", + "19518": "Florentine_iris, orris, Iris_germanica_florentina, Iris_florentina", + "19519": "stinking_iris, gladdon, gladdon_iris, stinking_gladwyn, roast_beef_plant, Iris_foetidissima", + "19520": "German_iris, Iris_germanica", + "19521": "Japanese_iris, Iris_kaempferi", + "19522": "German_iris, Iris_kochii", + "19523": "Dalmatian_iris, Iris_pallida", + "19524": "Persian_iris, Iris_persica", + "19525": "Dutch_iris, Iris_tingitana", + "19526": "dwarf_iris, vernal_iris, Iris_verna", + "19527": "Spanish_iris, xiphium_iris, Iris_xiphium", + "19528": "blackberry-lily, leopard_lily, Belamcanda_chinensis", + "19529": "crocus", + "19530": "saffron, saffron_crocus, Crocus_sativus", + "19531": "corn_lily", + "19532": "blue-eyed_grass", + "19533": "wandflower, Sparaxis_tricolor", + "19534": "amaryllis", + "19535": "salsilla, Bomarea_edulis", + "19536": "salsilla, Bomarea_salsilla", + "19537": "blood_lily", + "19538": "Cape_tulip, Haemanthus_coccineus", + "19539": "hippeastrum, Hippeastrum_puniceum", + "19540": "narcissus", + "19541": "daffodil, Narcissus_pseudonarcissus", + "19542": "jonquil, Narcissus_jonquilla", + "19543": "jonquil", + "19544": "Jacobean_lily, Aztec_lily, Strekelia_formosissima", + "19545": "liliaceous_plant", + "19546": "mountain_lily, Lilium_auratum", + "19547": "Canada_lily, wild_yellow_lily, meadow_lily, wild_meadow_lily, Lilium_canadense", + "19548": "tiger_lily, leopard_lily, pine_lily, Lilium_catesbaei", + "19549": "Columbia_tiger_lily, Oregon_lily, Lilium_columbianum", + "19550": "tiger_lily, devil_lily, kentan, Lilium_lancifolium", + "19551": "Easter_lily, Bermuda_lily, white_trumpet_lily, Lilium_longiflorum", + "19552": "coast_lily, Lilium_maritinum", + "19553": "Turk's-cap, martagon, Lilium_martagon", + "19554": "Michigan_lily, Lilium_michiganense", + "19555": "leopard_lily, panther_lily, Lilium_pardalinum", + "19556": "Turk's-cap, Turk's_cap-lily, Lilium_superbum", + "19557": "African_lily, African_tulip, blue_African_lily, Agapanthus_africanus", + "19558": "colicroot, colic_root, crow_corn, star_grass, unicorn_root", + "19559": "ague_root, ague_grass, Aletris_farinosa", + "19560": "yellow_colicroot, Aletris_aurea", + "19561": "alliaceous_plant", + "19562": "Hooker's_onion, Allium_acuminatum", + "19563": "wild_leek, Levant_garlic, kurrat, Allium_ampeloprasum", + "19564": "Canada_garlic, meadow_leek, rose_leek, Allium_canadense", + "19565": "keeled_garlic, Allium_carinatum", + "19566": "onion", + "19567": "shallot, eschalot, multiplier_onion, Allium_cepa_aggregatum, Allium_ascalonicum", + "19568": "nodding_onion, nodding_wild_onion, lady's_leek, Allium_cernuum", + "19569": "Welsh_onion, Japanese_leek, Allium_fistulosum", + "19570": "red-skinned_onion, Allium_haematochiton", + "19571": "daffodil_garlic, flowering_onion, Naples_garlic, Allium_neopolitanum", + "19572": "few-flowered_leek, Allium_paradoxum", + "19573": "garlic, Allium_sativum", + "19574": "sand_leek, giant_garlic, Spanish_garlic, rocambole, Allium_scorodoprasum", + "19575": "chives, chive, cive, schnittlaugh, Allium_schoenoprasum", + "19576": "crow_garlic, false_garlic, field_garlic, stag's_garlic, wild_garlic, Allium_vineale", + "19577": "wild_garlic, wood_garlic, Ramsons, Allium_ursinum", + "19578": "garlic_chive, Chinese_chive, Oriental_garlic, Allium_tuberosum", + "19579": "round-headed_leek, Allium_sphaerocephalum", + "19580": "three-cornered_leek, triquetrous_leek, Allium_triquetrum", + "19581": "cape_aloe, Aloe_ferox", + "19582": "kniphofia, tritoma, flame_flower, flame-flower, flameflower", + "19583": "poker_plant, Kniphofia_uvaria", + "19584": "red-hot_poker, Kniphofia_praecox", + "19585": "fly_poison, Amianthum_muscaetoxicum, Amianthum_muscitoxicum", + "19586": "amber_lily, Anthericum_torreyi", + "19587": "asparagus, edible_asparagus, Asparagus_officinales", + "19588": "asparagus_fern, Asparagus_setaceous, Asparagus_plumosus", + "19589": "smilax, Asparagus_asparagoides", + "19590": "asphodel", + "19591": "Jacob's_rod", + "19592": "aspidistra, cast-iron_plant, bar-room_plant, Aspidistra_elatio", + "19593": "coral_drops, Bessera_elegans", + "19594": "Christmas_bells", + "19595": "climbing_onion, Bowiea_volubilis", + "19596": "mariposa, mariposa_tulip, mariposa_lily", + "19597": "globe_lily, fairy_lantern", + "19598": "cat's-ear", + "19599": "white_globe_lily, white_fairy_lantern, Calochortus_albus", + "19600": "yellow_globe_lily, golden_fairy_lantern, Calochortus_amabilis", + "19601": "rose_globe_lily, Calochortus_amoenus", + "19602": "star_tulip, elegant_cat's_ears, Calochortus_elegans", + "19603": "desert_mariposa_tulip, Calochortus_kennedyi", + "19604": "yellow_mariposa_tulip, Calochortus_luteus", + "19605": "sagebrush_mariposa_tulip, Calochortus_macrocarpus", + "19606": "sego_lily, Calochortus_nuttallii", + "19607": "camas, camass, quamash, camosh, camash", + "19608": "common_camas, Camassia_quamash", + "19609": "Leichtlin's_camas, Camassia_leichtlinii", + "19610": "wild_hyacinth, indigo_squill, Camassia_scilloides", + "19611": "dogtooth_violet, dogtooth, dog's-tooth_violet", + "19612": "white_dogtooth_violet, white_dog's-tooth_violet, blonde_lilian, Erythronium_albidum", + "19613": "yellow_adder's_tongue, trout_lily, amberbell, Erythronium_americanum", + "19614": "European_dogtooth, Erythronium_dens-canis", + "19615": "fawn_lily, Erythronium_californicum", + "19616": "glacier_lily, snow_lily, Erythronium_grandiflorum", + "19617": "avalanche_lily, Erythronium_montanum", + "19618": "fritillary, checkered_lily", + "19619": "mission_bells, rice-grain_fritillary, Fritillaria_affinis, Fritillaria_lanceolata, Fritillaria_mutica", + "19620": "mission_bells, black_fritillary, Fritillaria_biflora", + "19621": "stink_bell, Fritillaria_agrestis", + "19622": "crown_imperial, Fritillaria_imperialis", + "19623": "white_fritillary, Fritillaria_liliaceae", + "19624": "snake's_head_fritillary, guinea-hen_flower, checkered_daffodil, leper_lily, Fritillaria_meleagris", + "19625": "adobe_lily, pink_fritillary, Fritillaria_pluriflora", + "19626": "scarlet_fritillary, Fritillaria_recurva", + "19627": "tulip", + "19628": "dwarf_tulip, Tulipa_armena, Tulipa_suaveolens", + "19629": "lady_tulip, candlestick_tulip, Tulipa_clusiana", + "19630": "Tulipa_gesneriana", + "19631": "cottage_tulip", + "19632": "Darwin_tulip", + "19633": "gloriosa, glory_lily, climbing_lily, creeping_lily, Gloriosa_superba", + "19634": "lemon_lily, Hemerocallis_lilio-asphodelus, Hemerocallis_flava", + "19635": "common_hyacinth, Hyacinthus_orientalis", + "19636": "Roman_hyacinth, Hyacinthus_orientalis_albulus", + "19637": "summer_hyacinth, cape_hyacinth, Hyacinthus_candicans, Galtonia_candicans", + "19638": "star-of-Bethlehem", + "19639": "bath_asparagus, Prussian_asparagus, Ornithogalum_pyrenaicum", + "19640": "grape_hyacinth", + "19641": "common_grape_hyacinth, Muscari_neglectum", + "19642": "tassel_hyacinth, Muscari_comosum", + "19643": "scilla, squill", + "19644": "spring_squill, Scilla_verna, sea_onion", + "19645": "false_asphodel", + "19646": "Scotch_asphodel, Tofieldia_pusilla", + "19647": "sea_squill, sea_onion, squill, Urginea_maritima", + "19648": "squill", + "19649": "butcher's_broom, Ruscus_aculeatus", + "19650": "bog_asphodel", + "19651": "European_bog_asphodel, Narthecium_ossifragum", + "19652": "American_bog_asphodel, Narthecium_americanum", + "19653": "hellebore, false_hellebore", + "19654": "white_hellebore, American_hellebore, Indian_poke, bugbane, Veratrum_viride", + "19655": "squaw_grass, bear_grass, Xerophyllum_tenax", + "19656": "death_camas, zigadene", + "19657": "alkali_grass, Zigadenus_elegans", + "19658": "white_camas, Zigadenus_glaucus", + "19659": "poison_camas, Zigadenus_nuttalli", + "19660": "grassy_death_camas, Zigadenus_venenosus, Zigadenus_venenosus_gramineus", + "19661": "prairie_wake-robin, prairie_trillium, Trillium_recurvatum", + "19662": "dwarf-white_trillium, snow_trillium, early_wake-robin", + "19663": "herb_Paris, Paris_quadrifolia", + "19664": "sarsaparilla", + "19665": "bullbrier, greenbrier, catbrier, horse_brier, horse-brier, brier, briar, Smilax_rotundifolia", + "19666": "rough_bindweed, Smilax_aspera", + "19667": "clintonia, Clinton's_lily", + "19668": "false_lily_of_the_valley, Maianthemum_canadense", + "19669": "false_lily_of_the_valley, Maianthemum_bifolium", + "19670": "Solomon's-seal", + "19671": "great_Solomon's-seal, Polygonatum_biflorum, Polygonatum_commutatum", + "19672": "bellwort, merry_bells, wild_oats", + "19673": "strawflower, cornflower, Uvularia_grandiflora", + "19674": "pia, Indian_arrowroot, Tacca_leontopetaloides, Tacca_pinnatifida", + "19675": "agave, century_plant, American_aloe", + "19676": "American_agave, Agave_americana", + "19677": "sisal, Agave_sisalana", + "19678": "maguey, cantala, Agave_cantala", + "19679": "maguey, Agave_atrovirens", + "19680": "Agave_tequilana", + "19681": "cabbage_tree, grass_tree, Cordyline_australis", + "19682": "dracaena", + "19683": "tuberose, Polianthes_tuberosa", + "19684": "sansevieria, bowstring_hemp", + "19685": "African_bowstring_hemp, African_hemp, Sansevieria_guineensis", + "19686": "Ceylon_bowstring_hemp, Sansevieria_zeylanica", + "19687": "mother-in-law's_tongue, snake_plant, Sansevieria_trifasciata", + "19688": "Spanish_bayonet, Yucca_aloifolia", + "19689": "Spanish_bayonet, Yucca_baccata", + "19690": "Joshua_tree, Yucca_brevifolia", + "19691": "soapweed, soap-weed, soap_tree, Yucca_elata", + "19692": "Adam's_needle, Adam's_needle-and-thread, spoonleaf_yucca, needle_palm, Yucca_filamentosa", + "19693": "bear_grass, Yucca_glauca", + "19694": "Spanish_dagger, Yucca_gloriosa", + "19695": "Our_Lord's_candle, Yucca_whipplei", + "19696": "water_shamrock, buckbean, bogbean, bog_myrtle, marsh_trefoil, Menyanthes_trifoliata", + "19697": "butterfly_bush, buddleia", + "19698": "yellow_jasmine, yellow_jessamine, Carolina_jasmine, evening_trumpet_flower, Gelsemium_sempervirens", + "19699": "flax", + "19700": "calabar_bean, ordeal_bean", + "19701": "bonduc, bonduc_tree, Caesalpinia_bonduc, Caesalpinia_bonducella", + "19702": "divi-divi, Caesalpinia_coriaria", + "19703": "Mysore_thorn, Caesalpinia_decapetala, Caesalpinia_sepiaria", + "19704": "brazilian_ironwood, Caesalpinia_ferrea", + "19705": "bird_of_paradise, poinciana, Caesalpinia_gilliesii, Poinciana_gilliesii", + "19706": "shingle_tree, Acrocarpus_fraxinifolius", + "19707": "mountain_ebony, orchid_tree, Bauhinia_variegata", + "19708": "msasa, Brachystegia_speciformis", + "19709": "cassia", + "19710": "golden_shower_tree, drumstick_tree, purging_cassia, pudding_pipe_tree, canafistola, canafistula, Cassia_fistula", + "19711": "pink_shower, pink_shower_tree, horse_cassia, Cassia_grandis", + "19712": "rainbow_shower, Cassia_javonica", + "19713": "horse_cassia, Cassia_roxburghii, Cassia_marginata", + "19714": "carob, carob_tree, carob_bean_tree, algarroba, Ceratonia_siliqua", + "19715": "carob, carob_bean, algarroba_bean, algarroba, locust_bean, locust_pod", + "19716": "paloverde", + "19717": "royal_poinciana, flamboyant, flame_tree, peacock_flower, Delonix_regia, Poinciana_regia", + "19718": "locust_tree, locust", + "19719": "water_locust, swamp_locust, Gleditsia_aquatica", + "19720": "honey_locust, Gleditsia_triacanthos", + "19721": "Kentucky_coffee_tree, bonduc, chicot, Gymnocladus_dioica", + "19722": "logwood, logwood_tree, campeachy, bloodwood_tree, Haematoxylum_campechianum", + "19723": "Jerusalem_thorn, horsebean, Parkinsonia_aculeata", + "19724": "palo_verde, Parkinsonia_florida, Cercidium_floridum", + "19725": "Dalmatian_laburnum, Petteria_ramentacea, Cytisus_ramentaceus", + "19726": "senna", + "19727": "avaram, tanner's_cassia, Senna_auriculata, Cassia_auriculata", + "19728": "Alexandria_senna, Alexandrian_senna, true_senna, tinnevelly_senna, Indian_senna, Senna_alexandrina, Cassia_acutifolia, Cassia_augustifolia", + "19729": "wild_senna, Senna_marilandica, Cassia_marilandica", + "19730": "sicklepod, Senna_obtusifolia, Cassia_tora", + "19731": "coffee_senna, mogdad_coffee, styptic_weed, stinking_weed, Senna_occidentalis, Cassia_occidentalis", + "19732": "tamarind, tamarind_tree, tamarindo, Tamarindus_indica", + "19733": "false_indigo, bastard_indigo, Amorpha_californica", + "19734": "false_indigo, bastard_indigo, Amorpha_fruticosa", + "19735": "hog_peanut, wild_peanut, Amphicarpaea_bracteata, Amphicarpa_bracteata", + "19736": "angelim, andelmin", + "19737": "cabbage_bark, cabbage-bark_tree, cabbage_tree, Andira_inermis", + "19738": "kidney_vetch, Anthyllis_vulneraria", + "19739": "groundnut, groundnut_vine, Indian_potato, potato_bean, wild_bean, Apios_americana, Apios_tuberosa", + "19740": "rooibos, Aspalathus_linearis, Aspalathus_cedcarbergensis", + "19741": "milk_vetch, milk-vetch", + "19742": "alpine_milk_vetch, Astragalus_alpinus", + "19743": "purple_milk_vetch, Astragalus_danicus", + "19744": "camwood, African_sandalwood, Baphia_nitida", + "19745": "wild_indigo, false_indigo", + "19746": "blue_false_indigo, Baptisia_australis", + "19747": "white_false_indigo, Baptisia_lactea", + "19748": "indigo_broom, horsefly_weed, rattle_weed, Baptisia_tinctoria", + "19749": "dhak, dak, palas, Butea_frondosa, Butea_monosperma", + "19750": "pigeon_pea, pigeon-pea_plant, cajan_pea, catjang_pea, red_gram, dhal, dahl, Cajanus_cajan", + "19751": "sword_bean, Canavalia_gladiata", + "19752": "pea_tree, caragana", + "19753": "Siberian_pea_tree, Caragana_arborescens", + "19754": "Chinese_pea_tree, Caragana_sinica", + "19755": "Moreton_Bay_chestnut, Australian_chestnut", + "19756": "butterfly_pea, Centrosema_virginianum", + "19757": "Judas_tree, love_tree, Circis_siliquastrum", + "19758": "redbud, Cercis_canadensis", + "19759": "western_redbud, California_redbud, Cercis_occidentalis", + "19760": "tagasaste, Chamaecytisus_palmensis, Cytesis_proliferus", + "19761": "weeping_tree_broom", + "19762": "flame_pea", + "19763": "chickpea, chickpea_plant, Egyptian_pea, Cicer_arietinum", + "19764": "chickpea, garbanzo", + "19765": "Kentucky_yellowwood, gopherwood, Cladrastis_lutea, Cladrastis_kentukea", + "19766": "glory_pea, clianthus", + "19767": "desert_pea, Sturt_pea, Sturt's_desert_pea, Clianthus_formosus, Clianthus_speciosus", + "19768": "parrot's_beak, parrot's_bill, Clianthus_puniceus", + "19769": "butterfly_pea, Clitoria_mariana", + "19770": "blue_pea, butterfly_pea, Clitoria_turnatea", + "19771": "telegraph_plant, semaphore_plant, Codariocalyx_motorius, Desmodium_motorium, Desmodium_gyrans", + "19772": "bladder_senna, Colutea_arborescens", + "19773": "axseed, crown_vetch, Coronilla_varia", + "19774": "crotalaria, rattlebox", + "19775": "guar, cluster_bean, Cyamopsis_tetragonolobus, Cyamopsis_psoraloides", + "19776": "white_broom, white_Spanish_broom, Cytisus_albus, Cytisus_multiflorus", + "19777": "common_broom, Scotch_broom, green_broom, Cytisus_scoparius", + "19778": "rosewood, rosewood_tree", + "19779": "Indian_blackwood, East_Indian_rosewood, East_India_rosewood, Indian_rosewood, Dalbergia_latifolia", + "19780": "sissoo, sissu, sisham, Dalbergia_sissoo", + "19781": "kingwood, kingwood_tree, Dalbergia_cearensis", + "19782": "Brazilian_rosewood, caviuna_wood, jacaranda, Dalbergia_nigra", + "19783": "cocobolo, Dalbergia_retusa", + "19784": "blackwood, blackwood_tree", + "19785": "bitter_pea", + "19786": "derris", + "19787": "derris_root, tuba_root, Derris_elliptica", + "19788": "prairie_mimosa, prickle-weed, Desmanthus_ilinoensis", + "19789": "tick_trefoil, beggar_lice, beggar's_lice", + "19790": "beggarweed, Desmodium_tortuosum, Desmodium_purpureum", + "19791": "Australian_pea, Dipogon_lignosus, Dolichos_lignosus", + "19792": "coral_tree, erythrina", + "19793": "kaffir_boom, Cape_kafferboom, Erythrina_caffra", + "19794": "coral_bean_tree, Erythrina_corallodendrum", + "19795": "ceibo, crybaby_tree, cry-baby_tree, common_coral_tree, Erythrina_crista-galli", + "19796": "kaffir_boom, Transvaal_kafferboom, Erythrina_lysistemon", + "19797": "Indian_coral_tree, Erythrina_variegata, Erythrina_Indica", + "19798": "cork_tree, Erythrina_vespertilio", + "19799": "goat's_rue, goat_rue, Galega_officinalis", + "19800": "poison_bush, poison_pea, gastrolobium", + "19801": "Spanish_broom, Spanish_gorse, Genista_hispanica", + "19802": "woodwaxen, dyer's_greenweed, dyer's-broom, dyeweed, greenweed, whin, woadwaxen, Genista_tinctoria", + "19803": "chanar, chanal, Geoffroea_decorticans", + "19804": "gliricidia", + "19805": "soy, soybean, soya_bean", + "19806": "licorice, liquorice, Glycyrrhiza_glabra", + "19807": "wild_licorice, wild_liquorice, American_licorice, American_liquorice, Glycyrrhiza_lepidota", + "19808": "licorice_root", + "19809": "Western_Australia_coral_pea, Hardenbergia_comnptoniana", + "19810": "sweet_vetch, Hedysarum_boreale", + "19811": "French_honeysuckle, sulla, Hedysarum_coronarium", + "19812": "anil, Indigofera_suffruticosa, Indigofera_anil", + "19813": "scarlet_runner, running_postman, Kennedia_prostrata", + "19814": "hyacinth_bean, bonavist, Indian_bean, Egyptian_bean, Lablab_purpureus, Dolichos_lablab", + "19815": "Scotch_laburnum, Alpine_golden_chain, Laburnum_alpinum", + "19816": "vetchling", + "19817": "wild_pea", + "19818": "everlasting_pea", + "19819": "beach_pea, sea_pea, Lathyrus_maritimus, Lathyrus_japonicus", + "19820": "grass_vetch, grass_vetchling, Lathyrus_nissolia", + "19821": "marsh_pea, Lathyrus_palustris", + "19822": "common_vetchling, meadow_pea, yellow_vetchling, Lathyrus_pratensis", + "19823": "grass_pea, Indian_pea, khesari, Lathyrus_sativus", + "19824": "Tangier_pea, Tangier_peavine, Lalthyrus_tingitanus", + "19825": "heath_pea, earth-nut_pea, earthnut_pea, tuberous_vetch, Lathyrus_tuberosus", + "19826": "bicolor_lespediza, ezo-yama-hagi, Lespedeza_bicolor", + "19827": "japanese_clover, japan_clover, jap_clover, Lespedeza_striata", + "19828": "Korean_lespedeza, Lespedeza_stipulacea", + "19829": "sericea_lespedeza, Lespedeza_sericea, Lespedeza_cuneata", + "19830": "lentil, lentil_plant, Lens_culinaris", + "19831": "lentil", + "19832": "prairie_bird's-foot_trefoil, compass_plant, prairie_lotus, prairie_trefoil, Lotus_americanus", + "19833": "bird's_foot_trefoil, bird's_foot_clover, babies'_slippers, bacon_and_eggs, Lotus_corniculatus", + "19834": "winged_pea, asparagus_pea, Lotus_tetragonolobus", + "19835": "lupine, lupin", + "19836": "white_lupine, field_lupine, wolf_bean, Egyptian_lupine, Lupinus_albus", + "19837": "tree_lupine, Lupinus_arboreus", + "19838": "wild_lupine, sundial_lupine, Indian_beet, old-maid's_bonnet, Lupinus_perennis", + "19839": "bluebonnet, buffalo_clover, Texas_bluebonnet, Lupinus_subcarnosus", + "19840": "Texas_bluebonnet, Lupinus_texensis", + "19841": "medic, medick, trefoil", + "19842": "moon_trefoil, Medicago_arborea", + "19843": "sickle_alfalfa, sickle_lucerne, sickle_medick, Medicago_falcata", + "19844": "Calvary_clover, Medicago_intertexta, Medicago_echinus", + "19845": "black_medick, hop_clover, yellow_trefoil, nonesuch_clover, Medicago_lupulina", + "19846": "alfalfa, lucerne, Medicago_sativa", + "19847": "millettia", + "19848": "mucuna", + "19849": "cowage, velvet_bean, Bengal_bean, Benghal_bean, Florida_bean, Mucuna_pruriens_utilis, Mucuna_deeringiana, Mucuna_aterrima, Stizolobium_deeringiana", + "19850": "tolu_tree, tolu_balsam_tree, Myroxylon_balsamum, Myroxylon_toluiferum", + "19851": "Peruvian_balsam, Myroxylon_pereirae, Myroxylon_balsamum_pereirae", + "19852": "sainfoin, sanfoin, holy_clover, esparcet, Onobrychis_viciifolia, Onobrychis_viciaefolia", + "19853": "restharrow, rest-harrow, Ononis_repens", + "19854": "bead_tree, jumby_bean, jumby_tree, Ormosia_monosperma", + "19855": "jumby_bead, jumbie_bead, Ormosia_coarctata", + "19856": "locoweed, crazyweed, crazy_weed", + "19857": "purple_locoweed, purple_loco, Oxytropis_lambertii", + "19858": "tumbleweed", + "19859": "yam_bean, Pachyrhizus_erosus", + "19860": "shamrock_pea, Parochetus_communis", + "19861": "pole_bean", + "19862": "kidney_bean, frijol, frijole", + "19863": "haricot", + "19864": "wax_bean", + "19865": "scarlet_runner, scarlet_runner_bean, Dutch_case-knife_bean, runner_bean, Phaseolus_coccineus, Phaseolus_multiflorus", + "19866": "lima_bean, lima_bean_plant, Phaseolus_limensis", + "19867": "sieva_bean, butter_bean, butter-bean_plant, lima_bean, Phaseolus_lunatus", + "19868": "tepary_bean, Phaseolus_acutifolius_latifolius", + "19869": "chaparral_pea, stingaree-bush, Pickeringia_montana", + "19870": "Jamaica_dogwood, fish_fuddle, Piscidia_piscipula, Piscidia_erythrina", + "19871": "pea", + "19872": "garden_pea", + "19873": "edible-pod_pea, edible-podded_pea, Pisum_sativum_macrocarpon", + "19874": "sugar_snap_pea, snap_pea", + "19875": "field_pea, field-pea_plant, Austrian_winter_pea, Pisum_sativum_arvense, Pisum_arvense", + "19876": "field_pea", + "19877": "common_flat_pea, native_holly, Playlobium_obtusangulum", + "19878": "quira", + "19879": "roble, Platymiscium_trinitatis", + "19880": "Panama_redwood_tree, Panama_redwood, Platymiscium_pinnatum", + "19881": "Indian_beech, Pongamia_glabra", + "19882": "winged_bean, winged_pea, goa_bean, goa_bean_vine, Manila_bean, Psophocarpus_tetragonolobus", + "19883": "breadroot, Indian_breadroot, pomme_blanche, pomme_de_prairie, Psoralea_esculenta", + "19884": "bloodwood_tree, kiaat, Pterocarpus_angolensis", + "19885": "kino, Pterocarpus_marsupium", + "19886": "red_sandalwood, red_sanders, red_sanderswood, red_saunders, Pterocarpus_santalinus", + "19887": "kudzu, kudzu_vine, Pueraria_lobata", + "19888": "bristly_locust, rose_acacia, moss_locust, Robinia_hispida", + "19889": "black_locust, yellow_locust, Robinia_pseudoacacia", + "19890": "clammy_locust, Robinia_viscosa", + "19891": "carib_wood, Sabinea_carinalis", + "19892": "Colorado_River_hemp, Sesbania_exaltata", + "19893": "scarlet_wisteria_tree, vegetable_hummingbird, Sesbania_grandiflora", + "19894": "Japanese_pagoda_tree, Chinese_scholartree, Chinese_scholar_tree, Sophora_japonica, Sophora_sinensis", + "19895": "mescal_bean, coral_bean, frijolito, frijolillo, Sophora_secundiflora", + "19896": "kowhai, Sophora_tetraptera", + "19897": "jade_vine, emerald_creeper, Strongylodon_macrobotrys", + "19898": "hoary_pea", + "19899": "bastard_indigo, Tephrosia_purpurea", + "19900": "catgut, goat's_rue, wild_sweet_pea, Tephrosia_virginiana", + "19901": "bush_pea", + "19902": "false_lupine, golden_pea, yellow_pea, Thermopsis_macrophylla", + "19903": "Carolina_lupine, Thermopsis_villosa", + "19904": "tipu, tipu_tree, yellow_jacaranda, pride_of_Bolivia", + "19905": "bird's_foot_trefoil, Trigonella_ornithopodioides", + "19906": "fenugreek, Greek_clover, Trigonella_foenumgraecum", + "19907": "gorse, furze, whin, Irish_gorse, Ulex_europaeus", + "19908": "vetch", + "19909": "tufted_vetch, bird_vetch, Calnada_pea, Vicia_cracca", + "19910": "broad_bean, fava_bean, horsebean", + "19911": "bitter_betch, Vicia_orobus", + "19912": "bush_vetch, Vicia_sepium", + "19913": "moth_bean, Vigna_aconitifolia, Phaseolus_aconitifolius", + "19914": "snailflower, snail-flower, snail_flower, snail_bean, corkscrew_flower, Vigna_caracalla, Phaseolus_caracalla", + "19915": "mung, mung_bean, green_gram, golden_gram, Vigna_radiata, Phaseolus_aureus", + "19916": "cowpea, cowpea_plant, black-eyed_pea, Vigna_unguiculata, Vigna_sinensis", + "19917": "cowpea, black-eyed_pea", + "19918": "asparagus_bean, yard-long_bean, Vigna_unguiculata_sesquipedalis, Vigna_sesquipedalis", + "19919": "swamp_oak, Viminaria_juncea, Viminaria_denudata", + "19920": "keurboom, Virgilia_capensis, Virgilia_oroboides", + "19921": "keurboom, Virgilia_divaricata", + "19922": "Japanese_wistaria, Wisteria_floribunda", + "19923": "Chinese_wistaria, Wisteria_chinensis", + "19924": "American_wistaria, American_wisteria, Wisteria_frutescens", + "19925": "silky_wisteria, Wisteria_venusta", + "19926": "palm, palm_tree", + "19927": "sago_palm", + "19928": "feather_palm", + "19929": "fan_palm", + "19930": "palmetto", + "19931": "coyol, coyol_palm, Acrocomia_vinifera", + "19932": "grugru, gri-gri, grugru_palm, macamba, Acrocomia_aculeata", + "19933": "areca", + "19934": "betel_palm, Areca_catechu", + "19935": "sugar_palm, gomuti, gomuti_palm, Arenga_pinnata", + "19936": "piassava_palm, pissaba_palm, Bahia_piassava, bahia_coquilla, Attalea_funifera", + "19937": "coquilla_nut", + "19938": "palmyra, palmyra_palm, toddy_palm, wine_palm, lontar, longar_palm, Borassus_flabellifer", + "19939": "calamus", + "19940": "rattan, rattan_palm, Calamus_rotang", + "19941": "lawyer_cane, Calamus_australis", + "19942": "fishtail_palm", + "19943": "wine_palm, jaggery_palm, kitul, kittul, kitul_tree, toddy_palm, Caryota_urens", + "19944": "wax_palm, Ceroxylon_andicola, Ceroxylon_alpinum", + "19945": "coconut, coconut_palm, coco_palm, coco, cocoa_palm, coconut_tree, Cocos_nucifera", + "19946": "carnauba, carnauba_palm, wax_palm, Copernicia_prunifera, Copernicia_cerifera", + "19947": "caranday, caranda, caranda_palm, wax_palm, Copernicia_australis, Copernicia_alba", + "19948": "corozo, corozo_palm", + "19949": "gebang_palm, Corypha_utan, Corypha_gebanga", + "19950": "latanier, latanier_palm", + "19951": "talipot, talipot_palm, Corypha_umbraculifera", + "19952": "oil_palm", + "19953": "African_oil_palm, Elaeis_guineensis", + "19954": "American_oil_palm, Elaeis_oleifera", + "19955": "palm_nut, palm_kernel", + "19956": "cabbage_palm, Euterpe_oleracea", + "19957": "cabbage_palm, cabbage_tree, Livistona_australis", + "19958": "true_sago_palm, Metroxylon_sagu", + "19959": "nipa_palm, Nipa_fruticans", + "19960": "babassu, babassu_palm, coco_de_macao, Orbignya_phalerata, Orbignya_spesiosa, Orbignya_martiana", + "19961": "babassu_nut", + "19962": "cohune_palm, Orbignya_cohune, cohune", + "19963": "cohune_nut", + "19964": "date_palm, Phoenix_dactylifera", + "19965": "ivory_palm, ivory-nut_palm, ivory_plant, Phytelephas_macrocarpa", + "19966": "raffia_palm, Raffia_farinifera, Raffia_ruffia", + "19967": "bamboo_palm, Raffia_vinifera", + "19968": "lady_palm", + "19969": "miniature_fan_palm, bamboo_palm, fern_rhapis, Rhapis_excelsa", + "19970": "reed_rhapis, slender_lady_palm, Rhapis_humilis", + "19971": "royal_palm, Roystonea_regia", + "19972": "cabbage_palm, Roystonea_oleracea", + "19973": "cabbage_palmetto, cabbage_palm, Sabal_palmetto", + "19974": "saw_palmetto, scrub_palmetto, Serenoa_repens", + "19975": "thatch_palm, thatch_tree, silver_thatch, broom_palm, Thrinax_parviflora", + "19976": "key_palm, silvertop_palmetto, silver_thatch, Thrinax_microcarpa, Thrinax_morrisii, Thrinax_keyensis", + "19977": "English_plantain, narrow-leaved_plantain, ribgrass, ribwort, ripple-grass, buckthorn, Plantago_lanceolata", + "19978": "broad-leaved_plantain, common_plantain, white-man's_foot, whiteman's_foot, cart-track_plant, Plantago_major", + "19979": "hoary_plantain, Plantago_media", + "19980": "fleawort, psyllium, Spanish_psyllium, Plantago_psyllium", + "19981": "rugel's_plantain, broad-leaved_plantain, Plantago_rugelii", + "19982": "hoary_plantain, Plantago_virginica", + "19983": "buckwheat, Polygonum_fagopyrum, Fagopyrum_esculentum", + "19984": "prince's-feather, princess_feather, kiss-me-over-the-garden-gate, prince's-plume, Polygonum_orientale", + "19985": "eriogonum", + "19986": "umbrella_plant, Eriogonum_allenii", + "19987": "wild_buckwheat, California_buckwheat, Erigonum_fasciculatum", + "19988": "rhubarb, rhubarb_plant", + "19989": "Himalayan_rhubarb, Indian_rhubarb, red-veined_pie_plant, Rheum_australe, Rheum_emodi", + "19990": "pie_plant, garden_rhubarb, Rheum_cultorum, Rheum_rhabarbarum, Rheum_rhaponticum", + "19991": "Chinese_rhubarb, Rheum_palmatum", + "19992": "sour_dock, garden_sorrel, Rumex_acetosa", + "19993": "sheep_sorrel, sheep's_sorrel, Rumex_acetosella", + "19994": "bitter_dock, broad-leaved_dock, yellow_dock, Rumex_obtusifolius", + "19995": "French_sorrel, garden_sorrel, Rumex_scutatus", + "19996": "yellow-eyed_grass", + "19997": "commelina", + "19998": "spiderwort, dayflower", + "19999": "pineapple, pineapple_plant, Ananas_comosus", + "20000": "pipewort, Eriocaulon_aquaticum", + "20001": "water_hyacinth, water_orchid, Eichhornia_crassipes, Eichhornia_spesiosa", + "20002": "water_star_grass, mud_plantain, Heteranthera_dubia", + "20003": "naiad, water_nymph", + "20004": "water_plantain, Alisma_plantago-aquatica", + "20005": "narrow-leaved_water_plantain", + "20006": "hydrilla, Hydrilla_verticillata", + "20007": "American_frogbit, Limnodium_spongia", + "20008": "waterweed", + "20009": "Canadian_pondweed, Elodea_canadensis", + "20010": "tape_grass, eelgrass, wild_celery, Vallisneria_spiralis", + "20011": "pondweed", + "20012": "curled_leaf_pondweed, curly_pondweed, Potamogeton_crispus", + "20013": "loddon_pondweed, Potamogeton_nodosus, Potamogeton_americanus", + "20014": "frog's_lettuce", + "20015": "arrow_grass, Triglochin_maritima", + "20016": "horned_pondweed, Zannichellia_palustris", + "20017": "eelgrass, grass_wrack, sea_wrack, Zostera_marina", + "20018": "rose, rosebush", + "20019": "hip, rose_hip, rosehip", + "20020": "banksia_rose, Rosa_banksia", + "20021": "damask_rose, summer_damask_rose, Rosa_damascena", + "20022": "sweetbrier, sweetbriar, brier, briar, eglantine, Rosa_eglanteria", + "20023": "Cherokee_rose, Rosa_laevigata", + "20024": "musk_rose, Rosa_moschata", + "20025": "agrimonia, agrimony", + "20026": "harvest-lice, Agrimonia_eupatoria", + "20027": "fragrant_agrimony, Agrimonia_procera", + "20028": "alderleaf_Juneberry, alder-leaved_serviceberry, Amelanchier_alnifolia", + "20029": "flowering_quince", + "20030": "japonica, maule's_quince, Chaenomeles_japonica", + "20031": "coco_plum, coco_plum_tree, cocoa_plum, icaco, Chrysobalanus_icaco", + "20032": "cotoneaster", + "20033": "Cotoneaster_dammeri", + "20034": "Cotoneaster_horizontalis", + "20035": "parsley_haw, parsley-leaved_thorn, Crataegus_apiifolia, Crataegus_marshallii", + "20036": "scarlet_haw, Crataegus_biltmoreana", + "20037": "blackthorn, pear_haw, pear_hawthorn, Crataegus_calpodendron, Crataegus_tomentosa", + "20038": "cockspur_thorn, cockspur_hawthorn, Crataegus_crus-galli", + "20039": "mayhaw, summer_haw, Crataegus_aestivalis", + "20040": "red_haw, downy_haw, Crataegus_mollis, Crataegus_coccinea_mollis", + "20041": "red_haw, Crataegus_pedicellata, Crataegus_coccinea", + "20042": "quince, quince_bush, Cydonia_oblonga", + "20043": "mountain_avens, Dryas_octopetala", + "20044": "loquat, loquat_tree, Japanese_medlar, Japanese_plum, Eriobotrya_japonica", + "20045": "beach_strawberry, Chilean_strawberry, Fragaria_chiloensis", + "20046": "Virginia_strawberry, scarlet_strawberry, Fragaria_virginiana", + "20047": "avens", + "20048": "yellow_avens, Geum_alleppicum_strictum, Geum_strictum", + "20049": "yellow_avens, Geum_macrophyllum", + "20050": "prairie_smoke, purple_avens, Geum_triflorum", + "20051": "bennet, white_avens, Geum_virginianum", + "20052": "toyon, tollon, Christmasberry, Christmas_berry, Heteromeles_arbutifolia, Photinia_arbutifolia", + "20053": "apple_tree", + "20054": "apple, orchard_apple_tree, Malus_pumila", + "20055": "wild_apple, crab_apple, crabapple", + "20056": "crab_apple, crabapple, cultivated_crab_apple", + "20057": "Siberian_crab, Siberian_crab_apple, cherry_apple, cherry_crab, Malus_baccata", + "20058": "wild_crab, Malus_sylvestris", + "20059": "American_crab_apple, garland_crab, Malus_coronaria", + "20060": "Oregon_crab_apple, Malus_fusca", + "20061": "Southern_crab_apple, flowering_crab, Malus_angustifolia", + "20062": "Iowa_crab, Iowa_crab_apple, prairie_crab, western_crab_apple, Malus_ioensis", + "20063": "Bechtel_crab, flowering_crab", + "20064": "medlar, medlar_tree, Mespilus_germanica", + "20065": "cinquefoil, five-finger", + "20066": "silverweed, goose-tansy, goose_grass, Potentilla_anserina", + "20067": "salad_burnet, burnet_bloodwort, pimpernel, Poterium_sanguisorba", + "20068": "plum, plum_tree", + "20069": "wild_plum, wild_plum_tree", + "20070": "Allegheny_plum, Alleghany_plum, sloe, Prunus_alleghaniensis", + "20071": "American_red_plum, August_plum, goose_plum, Prunus_americana", + "20072": "chickasaw_plum, hog_plum, hog_plum_bush, Prunus_angustifolia", + "20073": "beach_plum, beach_plum_bush, Prunus_maritima", + "20074": "common_plum, Prunus_domestica", + "20075": "bullace, Prunus_insititia", + "20076": "damson_plum, damson_plum_tree, Prunus_domestica_insititia", + "20077": "big-tree_plum, Prunus_mexicana", + "20078": "Canada_plum, Prunus_nigra", + "20079": "plumcot, plumcot_tree", + "20080": "apricot, apricot_tree", + "20081": "Japanese_apricot, mei, Prunus_mume", + "20082": "common_apricot, Prunus_armeniaca", + "20083": "purple_apricot, black_apricot, Prunus_dasycarpa", + "20084": "cherry, cherry_tree", + "20085": "wild_cherry, wild_cherry_tree", + "20086": "wild_cherry", + "20087": "sweet_cherry, Prunus_avium", + "20088": "heart_cherry, oxheart, oxheart_cherry", + "20089": "gean, mazzard, mazzard_cherry", + "20090": "capulin, capulin_tree, Prunus_capuli", + "20091": "cherry_laurel, laurel_cherry, mock_orange, wild_orange, Prunus_caroliniana", + "20092": "cherry_plum, myrobalan, myrobalan_plum, Prunus_cerasifera", + "20093": "sour_cherry, sour_cherry_tree, Prunus_cerasus", + "20094": "amarelle, Prunus_cerasus_caproniana", + "20095": "morello, Prunus_cerasus_austera", + "20096": "marasca", + "20097": "almond_tree", + "20098": "almond, sweet_almond, Prunus_dulcis, Prunus_amygdalus, Amygdalus_communis", + "20099": "bitter_almond, Prunus_dulcis_amara, Amygdalus_communis_amara", + "20100": "jordan_almond", + "20101": "dwarf_flowering_almond, Prunus_glandulosa", + "20102": "holly-leaved_cherry, holly-leaf_cherry, evergreen_cherry, islay, Prunus_ilicifolia", + "20103": "fuji, fuji_cherry, Prunus_incisa", + "20104": "flowering_almond, oriental_bush_cherry, Prunus_japonica", + "20105": "cherry_laurel, laurel_cherry, Prunus_laurocerasus", + "20106": "Catalina_cherry, Prunus_lyonii", + "20107": "bird_cherry, bird_cherry_tree", + "20108": "hagberry_tree, European_bird_cherry, common_bird_cherry, Prunus_padus", + "20109": "hagberry", + "20110": "pin_cherry, Prunus_pensylvanica", + "20111": "peach, peach_tree, Prunus_persica", + "20112": "nectarine, nectarine_tree, Prunus_persica_nectarina", + "20113": "sand_cherry, Prunus_pumila, Prunus_pumilla_susquehanae, Prunus_susquehanae, Prunus_cuneata", + "20114": "Japanese_plum, Prunus_salicina", + "20115": "black_cherry, black_cherry_tree, rum_cherry, Prunus_serotina", + "20116": "flowering_cherry", + "20117": "oriental_cherry, Japanese_cherry, Japanese_flowering_cherry, Prunus_serrulata", + "20118": "Japanese_flowering_cherry, Prunus_sieboldii", + "20119": "Sierra_plum, Pacific_plum, Prunus_subcordata", + "20120": "rosebud_cherry, winter_flowering_cherry, Prunus_subhirtella", + "20121": "Russian_almond, dwarf_Russian_almond, Prunus_tenella", + "20122": "flowering_almond, Prunus_triloba", + "20123": "chokecherry, chokecherry_tree, Prunus_virginiana", + "20124": "chokecherry", + "20125": "western_chokecherry, Prunus_virginiana_demissa, Prunus_demissa", + "20126": "Pyracantha, pyracanth, fire_thorn, firethorn", + "20127": "pear, pear_tree, Pyrus_communis", + "20128": "fruit_tree", + "20129": "bramble_bush", + "20130": "lawyerbush, lawyer_bush, bush_lawyer, Rubus_cissoides, Rubus_australis", + "20131": "stone_bramble, Rubus_saxatilis", + "20132": "sand_blackberry, Rubus_cuneifolius", + "20133": "boysenberry, boysenberry_bush", + "20134": "loganberry, Rubus_loganobaccus, Rubus_ursinus_loganobaccus", + "20135": "American_dewberry, Rubus_canadensis", + "20136": "Northern_dewberry, American_dewberry, Rubus_flagellaris", + "20137": "Southern_dewberry, Rubus_trivialis", + "20138": "swamp_dewberry, swamp_blackberry, Rubus_hispidus", + "20139": "European_dewberry, Rubus_caesius", + "20140": "raspberry, raspberry_bush", + "20141": "wild_raspberry, European_raspberry, framboise, Rubus_idaeus", + "20142": "American_raspberry, Rubus_strigosus, Rubus_idaeus_strigosus", + "20143": "black_raspberry, blackcap, blackcap_raspberry, thimbleberry, Rubus_occidentalis", + "20144": "salmonberry, Rubus_spectabilis", + "20145": "salmonberry, salmon_berry, thimbleberry, Rubus_parviflorus", + "20146": "wineberry, Rubus_phoenicolasius", + "20147": "mountain_ash", + "20148": "rowan, rowan_tree, European_mountain_ash, Sorbus_aucuparia", + "20149": "rowanberry", + "20150": "American_mountain_ash, Sorbus_americana", + "20151": "Western_mountain_ash, Sorbus_sitchensis", + "20152": "service_tree, sorb_apple, sorb_apple_tree, Sorbus_domestica", + "20153": "wild_service_tree, Sorbus_torminalis", + "20154": "spirea, spiraea", + "20155": "bridal_wreath, bridal-wreath, Saint_Peter's_wreath, St._Peter's_wreath, Spiraea_prunifolia", + "20156": "madderwort, rubiaceous_plant", + "20157": "Indian_madder, munjeet, Rubia_cordifolia", + "20158": "madder, Rubia_tinctorum", + "20159": "woodruff", + "20160": "dagame, lemonwood_tree, Calycophyllum_candidissimum", + "20161": "blolly, West_Indian_snowberry, Chiococca_alba", + "20162": "coffee, coffee_tree", + "20163": "Arabian_coffee, Coffea_arabica", + "20164": "Liberian_coffee, Coffea_liberica", + "20165": "robusta_coffee, Rio_Nunez_coffee, Coffea_robusta, Coffea_canephora", + "20166": "cinchona, chinchona", + "20167": "Cartagena_bark, Cinchona_cordifolia, Cinchona_lancifolia", + "20168": "calisaya, Cinchona_officinalis, Cinchona_ledgeriana, Cinchona_calisaya", + "20169": "cinchona_tree, Cinchona_pubescens", + "20170": "cinchona, cinchona_bark, Peruvian_bark, Jesuit's_bark", + "20171": "bedstraw", + "20172": "sweet_woodruff, waldmeister, woodruff, fragrant_bedstraw, Galium_odoratum, Asperula_odorata", + "20173": "Northern_bedstraw, Northern_snow_bedstraw, Galium_boreale", + "20174": "yellow_bedstraw, yellow_cleavers, Our_Lady's_bedstraw, Galium_verum", + "20175": "wild_licorice, Galium_lanceolatum", + "20176": "cleavers, clivers, goose_grass, catchweed, spring_cleavers, Galium_aparine", + "20177": "wild_madder, white_madder, white_bedstraw, infant's-breath, false_baby's_breath, Galium_mollugo", + "20178": "cape_jasmine, cape_jessamine, Gardenia_jasminoides, Gardenia_augusta", + "20179": "genipa", + "20180": "genipap_fruit, jagua, marmalade_box, Genipa_Americana", + "20181": "hamelia", + "20182": "scarlet_bush, scarlet_hamelia, coloradillo, Hamelia_patens, Hamelia_erecta", + "20183": "lemonwood, lemon-wood, lemonwood_tree, lemon-wood_tree, Psychotria_capensis", + "20184": "negro_peach, Sarcocephalus_latifolius, Sarcocephalus_esculentus", + "20185": "wild_medlar, wild_medlar_tree, medlar, Vangueria_infausta", + "20186": "Spanish_tamarind, Vangueria_madagascariensis", + "20187": "abelia", + "20188": "bush_honeysuckle, Diervilla_sessilifolia", + "20189": "American_twinflower, Linnaea_borealis_americana", + "20190": "honeysuckle", + "20191": "American_fly_honeysuckle, fly_honeysuckle, Lonicera_canadensis", + "20192": "Italian_honeysuckle, Italian_woodbine, Lonicera_caprifolium", + "20193": "yellow_honeysuckle, Lonicera_flava", + "20194": "hairy_honeysuckle, Lonicera_hirsuta", + "20195": "Japanese_honeysuckle, Lonicera_japonica", + "20196": "Hall's_honeysuckle, Lonicera_japonica_halliana", + "20197": "Morrow's_honeysuckle, Lonicera_morrowii", + "20198": "woodbine, Lonicera_periclymenum", + "20199": "trumpet_honeysuckle, coral_honeysuckle, trumpet_flower, trumpet_vine, Lonicera_sempervirens", + "20200": "European_fly_honeysuckle, European_honeysuckle, Lonicera_xylosteum", + "20201": "swamp_fly_honeysuckle", + "20202": "snowberry, common_snowberry, waxberry, Symphoricarpos_alba", + "20203": "coralberry, Indian_currant, Symphoricarpos_orbiculatus", + "20204": "blue_elder, blue_elderberry, Sambucus_caerulea", + "20205": "dwarf_elder, danewort, Sambucus_ebulus", + "20206": "American_red_elder, red-berried_elder, stinking_elder, Sambucus_pubens", + "20207": "European_red_elder, red-berried_elder, Sambucus_racemosa", + "20208": "feverroot, horse_gentian, tinker's_root, wild_coffee, Triostium_perfoliatum", + "20209": "cranberry_bush, cranberry_tree, American_cranberry_bush, highbush_cranberry, Viburnum_trilobum", + "20210": "wayfaring_tree, twist_wood, twistwood, Viburnum_lantana", + "20211": "guelder_rose, European_cranberrybush, European_cranberry_bush, crampbark, cranberry_tree, Viburnum_opulus", + "20212": "arrow_wood, Viburnum_recognitum", + "20213": "black_haw, Viburnum_prunifolium", + "20214": "weigela, Weigela_florida", + "20215": "teasel, teazel, teasle", + "20216": "common_teasel, Dipsacus_fullonum", + "20217": "fuller's_teasel, Dipsacus_sativus", + "20218": "wild_teasel, Dipsacus_sylvestris", + "20219": "scabious, scabiosa", + "20220": "sweet_scabious, pincushion_flower, mournful_widow, Scabiosa_atropurpurea", + "20221": "field_scabious, Scabiosa_arvensis", + "20222": "jewelweed, lady's_earrings, orange_balsam, celandine, touch-me-not, Impatiens_capensis", + "20223": "geranium", + "20224": "cranesbill, crane's_bill", + "20225": "wild_geranium, spotted_cranesbill, Geranium_maculatum", + "20226": "meadow_cranesbill, Geranium_pratense", + "20227": "Richardson's_geranium, Geranium_richardsonii", + "20228": "herb_robert, herbs_robert, herb_roberts, Geranium_robertianum", + "20229": "sticky_geranium, Geranium_viscosissimum", + "20230": "dove's_foot_geranium, Geranium_molle", + "20231": "rose_geranium, sweet-scented_geranium, Pelargonium_graveolens", + "20232": "fish_geranium, bedding_geranium, zonal_pelargonium, Pelargonium_hortorum", + "20233": "ivy_geranium, ivy-leaved_geranium, hanging_geranium, Pelargonium_peltatum", + "20234": "apple_geranium, nutmeg_geranium, Pelargonium_odoratissimum", + "20235": "lemon_geranium, Pelargonium_limoneum", + "20236": "storksbill, heron's_bill", + "20237": "musk_clover, muskus_grass, white-stemmed_filaree, Erodium_moschatum", + "20238": "incense_tree", + "20239": "elephant_tree, Bursera_microphylla", + "20240": "gumbo-limbo, Bursera_simaruba", + "20241": "Boswellia_carteri", + "20242": "salai, Boswellia_serrata", + "20243": "balm_of_gilead, Commiphora_meccanensis", + "20244": "myrrh_tree, Commiphora_myrrha", + "20245": "Protium_heptaphyllum", + "20246": "Protium_guianense", + "20247": "water_starwort", + "20248": "barbados_cherry, acerola, Surinam_cherry, West_Indian_cherry, Malpighia_glabra", + "20249": "mahogany, mahogany_tree", + "20250": "chinaberry, chinaberry_tree, China_tree, Persian_lilac, pride-of-India, azederach, azedarach, Melia_azederach, Melia_azedarach", + "20251": "neem, neem_tree, nim_tree, margosa, arishth, Azadirachta_indica, Melia_Azadirachta", + "20252": "neem_seed", + "20253": "Spanish_cedar, Spanish_cedar_tree, Cedrela_odorata", + "20254": "satinwood, satinwood_tree, Chloroxylon_swietenia", + "20255": "African_scented_mahogany, cedar_mahogany, sapele_mahogany, Entandrophragma_cylindricum", + "20256": "silver_ash", + "20257": "native_beech, flindosa, flindosy, Flindersia_australis", + "20258": "bunji-bunji, Flindersia_schottiana", + "20259": "African_mahogany", + "20260": "lanseh_tree, langsat, langset, Lansium_domesticum", + "20261": "true_mahogany, Cuban_mahogany, Dominican_mahogany, Swietinia_mahogani", + "20262": "Honduras_mahogany, Swietinia_macrophylla", + "20263": "Philippine_mahogany, Philippine_cedar, kalantas, Toona_calantas, Cedrela_calantas", + "20264": "caracolito, Ruptiliocarpon_caracolito", + "20265": "common_wood_sorrel, cuckoo_bread, shamrock, Oxalis_acetosella", + "20266": "Bermuda_buttercup, English-weed, Oxalis_pes-caprae, Oxalis_cernua", + "20267": "creeping_oxalis, creeping_wood_sorrel, Oxalis_corniculata", + "20268": "goatsfoot, goat's_foot, Oxalis_caprina", + "20269": "violet_wood_sorrel, Oxalis_violacea", + "20270": "oca, oka, Oxalis_tuberosa, Oxalis_crenata", + "20271": "carambola, carambola_tree, Averrhoa_carambola", + "20272": "bilimbi, Averrhoa_bilimbi", + "20273": "milkwort", + "20274": "senega, Polygala_alba", + "20275": "orange_milkwort, yellow_milkwort, candyweed, yellow_bachelor's_button, Polygala_lutea", + "20276": "flowering_wintergreen, gaywings, bird-on-the-wing, fringed_polygala, Polygala_paucifolia", + "20277": "Seneca_snakeroot, Seneka_snakeroot, senga_root, senega_root, senega_snakeroot, Polygala_senega", + "20278": "common_milkwort, gand_flower, Polygala_vulgaris", + "20279": "rue, herb_of_grace, Ruta_graveolens", + "20280": "citrus, citrus_tree", + "20281": "orange, orange_tree", + "20282": "sour_orange, Seville_orange, bitter_orange, bitter_orange_tree, bigarade, marmalade_orange, Citrus_aurantium", + "20283": "bergamot, bergamot_orange, Citrus_bergamia", + "20284": "pomelo, pomelo_tree, pummelo, shaddock, Citrus_maxima, Citrus_grandis, Citrus_decumana", + "20285": "citron, citron_tree, Citrus_medica", + "20286": "grapefruit, Citrus_paradisi", + "20287": "mandarin, mandarin_orange, mandarin_orange_tree, Citrus_reticulata", + "20288": "tangerine, tangerine_tree", + "20289": "clementine, clementine_tree", + "20290": "satsuma, satsuma_tree", + "20291": "sweet_orange, sweet_orange_tree, Citrus_sinensis", + "20292": "temple_orange, temple_orange_tree, tangor, king_orange, Citrus_nobilis", + "20293": "tangelo, tangelo_tree, ugli_fruit, Citrus_tangelo", + "20294": "rangpur, rangpur_lime, lemanderin, Citrus_limonia", + "20295": "lemon, lemon_tree, Citrus_limon", + "20296": "sweet_lemon, sweet_lime, Citrus_limetta", + "20297": "lime, lime_tree, Citrus_aurantifolia", + "20298": "citrange, citrange_tree, Citroncirus_webberi", + "20299": "fraxinella, dittany, burning_bush, gas_plant, Dictamnus_alba", + "20300": "kumquat, cumquat, kumquat_tree", + "20301": "marumi, marumi_kumquat, round_kumquat, Fortunella_japonica", + "20302": "nagami, nagami_kumquat, oval_kumquat, Fortunella_margarita", + "20303": "cork_tree, Phellodendron_amurense", + "20304": "trifoliate_orange, trifoliata, wild_orange, Poncirus_trifoliata", + "20305": "prickly_ash", + "20306": "toothache_tree, sea_ash, Zanthoxylum_americanum, Zanthoxylum_fraxineum", + "20307": "Hercules'-club, Hercules'-clubs, Hercules-club, Zanthoxylum_clava-herculis", + "20308": "bitterwood_tree", + "20309": "marupa, Simarouba_amara", + "20310": "paradise_tree, bitterwood, Simarouba_glauca", + "20311": "ailanthus", + "20312": "tree_of_heaven, tree_of_the_gods, Ailanthus_altissima", + "20313": "wild_mango, dika, wild_mango_tree, Irvingia_gabonensis", + "20314": "pepper_tree, Kirkia_wilmsii", + "20315": "Jamaica_quassia, bitterwood, Picrasma_excelsa, Picrasma_excelsum", + "20316": "quassia, bitterwood, Quassia_amara", + "20317": "nasturtium", + "20318": "garden_nasturtium, Indian_cress, Tropaeolum_majus", + "20319": "bush_nasturtium, Tropaeolum_minus", + "20320": "canarybird_flower, canarybird_vine, canary_creeper, Tropaeolum_peregrinum", + "20321": "bean_caper, Syrian_bean_caper, Zygophyllum_fabago", + "20322": "palo_santo, Bulnesia_sarmienti", + "20323": "lignum_vitae, Guaiacum_officinale", + "20324": "creosote_bush, coville, hediondilla, Larrea_tridentata", + "20325": "caltrop, devil's_weed, Tribulus_terestris", + "20326": "willow, willow_tree", + "20327": "osier", + "20328": "white_willow, Huntingdon_willow, Salix_alba", + "20329": "silver_willow, silky_willow, Salix_alba_sericea, Salix_sericea", + "20330": "golden_willow, Salix_alba_vitellina, Salix_vitellina", + "20331": "cricket-bat_willow, Salix_alba_caerulea", + "20332": "arctic_willow, Salix_arctica", + "20333": "weeping_willow, Babylonian_weeping_willow, Salix_babylonica", + "20334": "Wisconsin_weeping_willow, Salix_pendulina, Salix_blanda, Salix_pendulina_blanda", + "20335": "pussy_willow, Salix_discolor", + "20336": "sallow", + "20337": "goat_willow, florist's_willow, pussy_willow, Salix_caprea", + "20338": "peachleaf_willow, peach-leaved_willow, almond-leaves_willow, Salix_amygdaloides", + "20339": "almond_willow, black_Hollander, Salix_triandra, Salix_amygdalina", + "20340": "hoary_willow, sage_willow, Salix_candida", + "20341": "crack_willow, brittle_willow, snap_willow, Salix_fragilis", + "20342": "prairie_willow, Salix_humilis", + "20343": "dwarf_willow, Salix_herbacea", + "20344": "grey_willow, gray_willow, Salix_cinerea", + "20345": "arroyo_willow, Salix_lasiolepis", + "20346": "shining_willow, Salix_lucida", + "20347": "swamp_willow, black_willow, Salix_nigra", + "20348": "bay_willow, laurel_willow, Salix_pentandra", + "20349": "purple_willow, red_willow, red_osier, basket_willow, purple_osier, Salix_purpurea", + "20350": "balsam_willow, Salix_pyrifolia", + "20351": "creeping_willow, Salix_repens", + "20352": "Sitka_willow, silky_willow, Salix_sitchensis", + "20353": "dwarf_grey_willow, dwarf_gray_willow, sage_willow, Salix_tristis", + "20354": "bearberry_willow, Salix_uva-ursi", + "20355": "common_osier, hemp_willow, velvet_osier, Salix_viminalis", + "20356": "poplar, poplar_tree", + "20357": "balsam_poplar, hackmatack, tacamahac, Populus_balsamifera", + "20358": "white_poplar, white_aspen, abele, aspen_poplar, silver-leaved_poplar, Populus_alba", + "20359": "grey_poplar, gray_poplar, Populus_canescens", + "20360": "black_poplar, Populus_nigra", + "20361": "Lombardy_poplar, Populus_nigra_italica", + "20362": "cottonwood", + "20363": "Eastern_cottonwood, necklace_poplar, Populus_deltoides", + "20364": "black_cottonwood, Western_balsam_poplar, Populus_trichocarpa", + "20365": "swamp_cottonwood, black_cottonwood, downy_poplar, swamp_poplar, Populus_heterophylla", + "20366": "aspen", + "20367": "quaking_aspen, European_quaking_aspen, Populus_tremula", + "20368": "American_quaking_aspen, American_aspen, Populus_tremuloides", + "20369": "Canadian_aspen, bigtooth_aspen, bigtoothed_aspen, big-toothed_aspen, large-toothed_aspen, large_tooth_aspen, Populus_grandidentata", + "20370": "sandalwood_tree, true_sandalwood, Santalum_album", + "20371": "quandong, quandang, quandong_tree, Eucarya_acuminata, Fusanus_acuminatus", + "20372": "rabbitwood, buffalo_nut, Pyrularia_pubera", + "20373": "Loranthaceae, family_Loranthaceae, mistletoe_family", + "20374": "mistletoe, Loranthus_europaeus", + "20375": "American_mistletoe, Arceuthobium_pusillum", + "20376": "mistletoe, Viscum_album, Old_World_mistletoe", + "20377": "American_mistletoe, Phoradendron_serotinum, Phoradendron_flavescens", + "20378": "aalii", + "20379": "soapberry, soapberry_tree", + "20380": "wild_China_tree, Sapindus_drumondii, Sapindus_marginatus", + "20381": "China_tree, false_dogwood, jaboncillo, chinaberry, Sapindus_saponaria", + "20382": "akee, akee_tree, Blighia_sapida", + "20383": "soapberry_vine", + "20384": "heartseed, Cardiospermum_grandiflorum", + "20385": "balloon_vine, heart_pea, Cardiospermum_halicacabum", + "20386": "longan, lungen, longanberry, Dimocarpus_longan, Euphorbia_litchi, Nephelium_longana", + "20387": "harpullia", + "20388": "harpulla, Harpullia_cupanioides", + "20389": "Moreton_Bay_tulipwood, Harpullia_pendula", + "20390": "litchi, lichee, litchi_tree, Litchi_chinensis, Nephelium_litchi", + "20391": "Spanish_lime, Spanish_lime_tree, honey_berry, mamoncillo, genip, ginep, Melicocca_bijuga, Melicocca_bijugatus", + "20392": "rambutan, rambotan, rambutan_tree, Nephelium_lappaceum", + "20393": "pulasan, pulassan, pulasan_tree, Nephelium_mutabile", + "20394": "pachysandra", + "20395": "Allegheny_spurge, Allegheny_mountain_spurge, Pachysandra_procumbens", + "20396": "bittersweet, American_bittersweet, climbing_bittersweet, false_bittersweet, staff_vine, waxwork, shrubby_bittersweet, Celastrus_scandens", + "20397": "spindle_tree, spindleberry, spindleberry_tree", + "20398": "winged_spindle_tree, Euonymous_alatus", + "20399": "wahoo, burning_bush, Euonymus_atropurpureus", + "20400": "strawberry_bush, wahoo, Euonymus_americanus", + "20401": "evergreen_bittersweet, Euonymus_fortunei_radicans, Euonymus_radicans_vegetus", + "20402": "cyrilla, leatherwood, white_titi, Cyrilla_racemiflora", + "20403": "titi, buckwheat_tree, Cliftonia_monophylla", + "20404": "crowberry", + "20405": "maple", + "20406": "silver_maple, Acer_saccharinum", + "20407": "sugar_maple, rock_maple, Acer_saccharum", + "20408": "red_maple, scarlet_maple, swamp_maple, Acer_rubrum", + "20409": "moosewood, moose-wood, striped_maple, striped_dogwood, goosefoot_maple, Acer_pennsylvanicum", + "20410": "Oregon_maple, big-leaf_maple, Acer_macrophyllum", + "20411": "dwarf_maple, Rocky-mountain_maple, Acer_glabrum", + "20412": "mountain_maple, mountain_alder, Acer_spicatum", + "20413": "vine_maple, Acer_circinatum", + "20414": "hedge_maple, field_maple, Acer_campestre", + "20415": "Norway_maple, Acer_platanoides", + "20416": "sycamore, great_maple, scottish_maple, Acer_pseudoplatanus", + "20417": "box_elder, ash-leaved_maple, Acer_negundo", + "20418": "California_box_elder, Acer_negundo_Californicum", + "20419": "pointed-leaf_maple, Acer_argutum", + "20420": "Japanese_maple, full_moon_maple, Acer_japonicum", + "20421": "Japanese_maple, Acer_palmatum", + "20422": "holly", + "20423": "Chinese_holly, Ilex_cornuta", + "20424": "bearberry, possum_haw, winterberry, Ilex_decidua", + "20425": "inkberry, gallberry, gall-berry, evergreen_winterberry, Ilex_glabra", + "20426": "mate, Paraguay_tea, Ilex_paraguariensis", + "20427": "American_holly, Christmas_holly", + "20428": "low_gallberry_holly", + "20429": "tall_gallberry_holly", + "20430": "yaupon_holly", + "20431": "deciduous_holly", + "20432": "juneberry_holly", + "20433": "largeleaf_holly", + "20434": "Geogia_holly", + "20435": "common_winterberry_holly", + "20436": "smooth_winterberry_holly", + "20437": "cashew, cashew_tree, Anacardium_occidentale", + "20438": "goncalo_alves, Astronium_fraxinifolium", + "20439": "Venetian_sumac, wig_tree, Cotinus_coggygria", + "20440": "laurel_sumac, Malosma_laurina, Rhus_laurina", + "20441": "mango, mango_tree, Mangifera_indica", + "20442": "pistachio, Pistacia_vera, pistachio_tree", + "20443": "terebinth, Pistacia_terebinthus", + "20444": "mastic, mastic_tree, lentisk, Pistacia_lentiscus", + "20445": "Australian_sumac, Rhodosphaera_rhodanthema, Rhus_rhodanthema", + "20446": "sumac, sumach, shumac", + "20447": "smooth_sumac, scarlet_sumac, vinegar_tree, Rhus_glabra", + "20448": "sugar-bush, sugar_sumac, Rhus_ovata", + "20449": "staghorn_sumac, velvet_sumac, Virginian_sumac, vinegar_tree, Rhus_typhina", + "20450": "squawbush, squaw-bush, skunkbush, Rhus_trilobata", + "20451": "aroeira_blanca, Schinus_chichita", + "20452": "pepper_tree, molle, Peruvian_mastic_tree, Schinus_molle", + "20453": "Brazilian_pepper_tree, Schinus_terebinthifolius", + "20454": "hog_plum, yellow_mombin, yellow_mombin_tree, Spondias_mombin", + "20455": "mombin, mombin_tree, jocote, Spondias_purpurea", + "20456": "poison_ash, poison_dogwood, poison_sumac, Toxicodendron_vernix, Rhus_vernix", + "20457": "poison_ivy, markweed, poison_mercury, poison_oak, Toxicodendron_radicans, Rhus_radicans", + "20458": "western_poison_oak, Toxicodendron_diversilobum, Rhus_diversiloba", + "20459": "eastern_poison_oak, Toxicodendron_quercifolium, Rhus_quercifolia, Rhus_toxicodenedron", + "20460": "varnish_tree, lacquer_tree, Chinese_lacquer_tree, Japanese_lacquer_tree, Japanese_varnish_tree, Japanese_sumac, Toxicodendron_vernicifluum, Rhus_verniciflua", + "20461": "horse_chestnut, buckeye, Aesculus_hippocastanum", + "20462": "buckeye, horse_chestnut, conker", + "20463": "sweet_buckeye", + "20464": "Ohio_buckeye", + "20465": "dwarf_buckeye, bottlebrush_buckeye", + "20466": "red_buckeye", + "20467": "particolored_buckeye", + "20468": "ebony, ebony_tree, Diospyros_ebenum", + "20469": "marblewood, marble-wood, Andaman_marble, Diospyros_kurzii", + "20470": "marblewood, marble-wood", + "20471": "persimmon, persimmon_tree", + "20472": "Japanese_persimmon, kaki, Diospyros_kaki", + "20473": "American_persimmon, possumwood, Diospyros_virginiana", + "20474": "date_plum, Diospyros_lotus", + "20475": "buckthorn", + "20476": "southern_buckthorn, shittimwood, shittim, mock_orange, Bumelia_lycioides", + "20477": "false_buckthorn, chittamwood, chittimwood, shittimwood, black_haw, Bumelia_lanuginosa", + "20478": "star_apple, caimito, Chrysophyllum_cainito", + "20479": "satinleaf, satin_leaf, caimitillo, damson_plum, Chrysophyllum_oliviforme", + "20480": "balata, balata_tree, beefwood, bully_tree, Manilkara_bidentata", + "20481": "sapodilla, sapodilla_tree, Manilkara_zapota, Achras_zapota", + "20482": "gutta-percha_tree, Palaquium_gutta", + "20483": "gutta-percha_tree", + "20484": "canistel, canistel_tree, Pouteria_campechiana_nervosa", + "20485": "marmalade_tree, mammee, sapote, Pouteria_zapota, Calocarpum_zapota", + "20486": "sweetleaf, Symplocus_tinctoria", + "20487": "Asiatic_sweetleaf, sapphire_berry, Symplocus_paniculata", + "20488": "styrax", + "20489": "snowbell, Styrax_obassia", + "20490": "Japanese_snowbell, Styrax_japonicum", + "20491": "Texas_snowbell, Texas_snowbells, Styrax_texana", + "20492": "silver-bell_tree, silverbell_tree, snowdrop_tree, opossum_wood, Halesia_carolina, Halesia_tetraptera", + "20493": "carnivorous_plant", + "20494": "pitcher_plant", + "20495": "common_pitcher_plant, huntsman's_cup, huntsman's_cups, Sarracenia_purpurea", + "20496": "hooded_pitcher_plant, Sarracenia_minor", + "20497": "huntsman's_horn, huntsman's_horns, yellow_trumpet, yellow_pitcher_plant, trumpets, Sarracenia_flava", + "20498": "tropical_pitcher_plant", + "20499": "sundew, sundew_plant, daily_dew", + "20500": "Venus's_flytrap, Venus's_flytraps, Dionaea_muscipula", + "20501": "waterwheel_plant, Aldrovanda_vesiculosa", + "20502": "Drosophyllum_lusitanicum", + "20503": "roridula", + "20504": "Australian_pitcher_plant, Cephalotus_follicularis", + "20505": "sedum", + "20506": "stonecrop", + "20507": "rose-root, midsummer-men, Sedum_rosea", + "20508": "orpine, orpin, livelong, live-forever, Sedum_telephium", + "20509": "pinwheel, Aeonium_haworthii", + "20510": "Christmas_bush, Christmas_tree, Ceratopetalum_gummiferum", + "20511": "hortensia, Hydrangea_macrophylla_hortensis", + "20512": "fall-blooming_hydrangea, Hydrangea_paniculata", + "20513": "carpenteria, Carpenteria_californica", + "20514": "decumary, Decumaria_barbata, Decumaria_barbara", + "20515": "deutzia", + "20516": "philadelphus", + "20517": "mock_orange, syringa, Philadelphus_coronarius", + "20518": "saxifrage, breakstone, rockfoil", + "20519": "yellow_mountain_saxifrage, Saxifraga_aizoides", + "20520": "meadow_saxifrage, fair-maids-of-France, Saxifraga_granulata", + "20521": "mossy_saxifrage, Saxifraga_hypnoides", + "20522": "western_saxifrage, Saxifraga_occidentalis", + "20523": "purple_saxifrage, Saxifraga_oppositifolia", + "20524": "star_saxifrage, starry_saxifrage, Saxifraga_stellaris", + "20525": "strawberry_geranium, strawberry_saxifrage, mother-of-thousands, Saxifraga_stolonifera, Saxifraga_sarmentosam", + "20526": "astilbe", + "20527": "false_goatsbeard, Astilbe_biternata", + "20528": "dwarf_astilbe, Astilbe_chinensis_pumila", + "20529": "spirea, spiraea, Astilbe_japonica", + "20530": "bergenia", + "20531": "coast_boykinia, Boykinia_elata, Boykinia_occidentalis", + "20532": "golden_saxifrage, golden_spleen", + "20533": "umbrella_plant, Indian_rhubarb, Darmera_peltata, Peltiphyllum_peltatum", + "20534": "bridal_wreath, bridal-wreath, Francoa_ramosa", + "20535": "alumroot, alumbloom", + "20536": "coralbells, Heuchera_sanguinea", + "20537": "leatherleaf_saxifrage, Leptarrhena_pyrolifolia", + "20538": "woodland_star, Lithophragma_affine, Lithophragma_affinis, Tellima_affinis", + "20539": "prairie_star, Lithophragma_parviflorum", + "20540": "miterwort, mitrewort, bishop's_cap", + "20541": "five-point_bishop's_cap, Mitella_pentandra", + "20542": "parnassia, grass-of-Parnassus", + "20543": "bog_star, Parnassia_palustris", + "20544": "fringed_grass_of_Parnassus, Parnassia_fimbriata", + "20545": "false_alumroot, fringe_cups, Tellima_grandiflora", + "20546": "foamflower, coolwart, false_miterwort, false_mitrewort, Tiarella_cordifolia", + "20547": "false_miterwort, false_mitrewort, Tiarella_unifoliata", + "20548": "pickaback_plant, piggyback_plant, youth-on-age, Tolmiea_menziesii", + "20549": "currant, currant_bush", + "20550": "black_currant, European_black_currant, Ribes_nigrum", + "20551": "white_currant, Ribes_sativum", + "20552": "gooseberry, gooseberry_bush, Ribes_uva-crispa, Ribes_grossularia", + "20553": "plane_tree, sycamore, platan", + "20554": "London_plane, Platanus_acerifolia", + "20555": "American_sycamore, American_plane, buttonwood, Platanus_occidentalis", + "20556": "oriental_plane, Platanus_orientalis", + "20557": "California_sycamore, Platanus_racemosa", + "20558": "Arizona_sycamore, Platanus_wrightii", + "20559": "Greek_valerian, Polemonium_reptans", + "20560": "northern_Jacob's_ladder, Polemonium_boreale", + "20561": "skunkweed, skunk-weed, Polemonium_viscosum", + "20562": "phlox", + "20563": "moss_pink, mountain_phlox, moss_phlox, dwarf_phlox, Phlox_subulata", + "20564": "evening-snow, Linanthus_dichotomus", + "20565": "acanthus", + "20566": "bear's_breech, bear's_breeches, sea_holly, Acanthus_mollis", + "20567": "caricature_plant, Graptophyllum_pictum", + "20568": "black-eyed_Susan, black-eyed_Susan_vine, Thunbergia_alata", + "20569": "catalpa, Indian_bean", + "20570": "Catalpa_bignioides", + "20571": "Catalpa_speciosa", + "20572": "desert_willow, Chilopsis_linearis", + "20573": "calabash, calabash_tree, Crescentia_cujete", + "20574": "calabash", + "20575": "borage, tailwort, Borago_officinalis", + "20576": "common_amsinckia, Amsinckia_intermedia", + "20577": "anchusa", + "20578": "bugloss, alkanet, Anchusa_officinalis", + "20579": "cape_forget-me-not, Anchusa_capensis", + "20580": "cape_forget-me-not, Anchusa_riparia", + "20581": "Spanish_elm, Equador_laurel, salmwood, cypre, princewood, Cordia_alliodora", + "20582": "princewood, Spanish_elm, Cordia_gerascanthus", + "20583": "Chinese_forget-me-not, Cynoglossum_amabile", + "20584": "hound's-tongue, Cynoglossum_officinale", + "20585": "hound's-tongue, Cynoglossum_virginaticum", + "20586": "blueweed, blue_devil, blue_thistle, viper's_bugloss, Echium_vulgare", + "20587": "beggar's_lice, beggar_lice", + "20588": "gromwell, Lithospermum_officinale", + "20589": "puccoon, Lithospermum_caroliniense", + "20590": "Virginia_bluebell, Virginia_cowslip, Mertensia_virginica", + "20591": "garden_forget-me-not, Myosotis_sylvatica", + "20592": "forget-me-not, mouse_ear, Myosotis_scorpiodes", + "20593": "false_gromwell", + "20594": "comfrey, cumfrey", + "20595": "common_comfrey, boneset, Symphytum_officinale", + "20596": "convolvulus", + "20597": "bindweed", + "20598": "field_bindweed, wild_morning-glory, Convolvulus_arvensis", + "20599": "scammony, Convolvulus_scammonia", + "20600": "silverweed", + "20601": "dodder", + "20602": "dichondra, Dichondra_micrantha", + "20603": "cypress_vine, star-glory, Indian_pink, Ipomoea_quamoclit, Quamoclit_pennata", + "20604": "moonflower, belle_de_nuit, Ipomoea_alba", + "20605": "wild_potato_vine, wild_sweet_potato_vine, man-of-the-earth, manroot, scammonyroot, Ipomoea_panurata, Ipomoea_fastigiata", + "20606": "red_morning-glory, star_ipomoea, Ipomoea_coccinea", + "20607": "man-of-the-earth, Ipomoea_leptophylla", + "20608": "scammony, Ipomoea_orizabensis", + "20609": "Japanese_morning_glory, Ipomoea_nil", + "20610": "imperial_Japanese_morning_glory, Ipomoea_imperialis", + "20611": "gesneriad", + "20612": "gesneria", + "20613": "achimenes, hot_water_plant", + "20614": "aeschynanthus", + "20615": "lace-flower_vine, Alsobia_dianthiflora, Episcia_dianthiflora", + "20616": "columnea", + "20617": "episcia", + "20618": "gloxinia", + "20619": "Canterbury_bell, Gloxinia_perennis", + "20620": "kohleria", + "20621": "African_violet, Saintpaulia_ionantha", + "20622": "streptocarpus", + "20623": "Cape_primrose", + "20624": "waterleaf", + "20625": "Virginia_waterleaf, Shawnee_salad, shawny, Indian_salad, John's_cabbage, Hydrophyllum_virginianum", + "20626": "yellow_bells, California_yellow_bells, whispering_bells, Emmanthe_penduliflora", + "20627": "yerba_santa, Eriodictyon_californicum", + "20628": "nemophila", + "20629": "baby_blue-eyes, Nemophila_menziesii", + "20630": "five-spot, Nemophila_maculata", + "20631": "scorpionweed, scorpion_weed, phacelia", + "20632": "California_bluebell, Phacelia_campanularia", + "20633": "California_bluebell, whitlavia, Phacelia_minor, Phacelia_whitlavia", + "20634": "fiddleneck, Phacelia_tanacetifolia", + "20635": "fiesta_flower, Pholistoma_auritum, Nemophila_aurita", + "20636": "basil_thyme, basil_balm, mother_of_thyme, Acinos_arvensis, Satureja_acinos", + "20637": "giant_hyssop", + "20638": "yellow_giant_hyssop, Agastache_nepetoides", + "20639": "anise_hyssop, Agastache_foeniculum", + "20640": "Mexican_hyssop, Agastache_mexicana", + "20641": "bugle, bugleweed", + "20642": "creeping_bugle, Ajuga_reptans", + "20643": "erect_bugle, blue_bugle, Ajuga_genevensis", + "20644": "pyramid_bugle, Ajuga_pyramidalis", + "20645": "wood_mint", + "20646": "hairy_wood_mint, Blephilia_hirsuta", + "20647": "downy_wood_mint, Blephilia_celiata", + "20648": "calamint", + "20649": "common_calamint, Calamintha_sylvatica, Satureja_calamintha_officinalis", + "20650": "large-flowered_calamint, Calamintha_grandiflora, Clinopodium_grandiflorum, Satureja_grandiflora", + "20651": "lesser_calamint, field_balm, Calamintha_nepeta, Calamintha_nepeta_glantulosa, Satureja_nepeta, Satureja_calamintha_glandulosa", + "20652": "wild_basil, cushion_calamint, Clinopodium_vulgare, Satureja_vulgaris", + "20653": "horse_balm, horseweed, stoneroot, stone-root, richweed, stone_root, Collinsonia_canadensis", + "20654": "coleus, flame_nettle", + "20655": "country_borage, Coleus_aromaticus, Coleus_amboinicus, Plectranthus_amboinicus", + "20656": "painted_nettle, Joseph's_coat, Coleus_blumei, Solenostemon_blumei, Solenostemon_scutellarioides", + "20657": "Apalachicola_rosemary, Conradina_glabra", + "20658": "dragonhead, dragon's_head, Dracocephalum_parviflorum", + "20659": "elsholtzia", + "20660": "hemp_nettle, dead_nettle, Galeopsis_tetrahit", + "20661": "ground_ivy, alehoof, field_balm, gill-over-the-ground, runaway_robin, Glechoma_hederaceae, Nepeta_hederaceae", + "20662": "pennyroyal, American_pennyroyal, Hedeoma_pulegioides", + "20663": "hyssop, Hyssopus_officinalis", + "20664": "dead_nettle", + "20665": "white_dead_nettle, Lamium_album", + "20666": "henbit, Lamium_amplexicaule", + "20667": "English_lavender, Lavandula_angustifolia, Lavandula_officinalis", + "20668": "French_lavender, Lavandula_stoechas", + "20669": "spike_lavender, French_lavender, Lavandula_latifolia", + "20670": "dagga, Cape_dagga, red_dagga, wilde_dagga, Leonotis_leonurus", + "20671": "lion's-ear, Leonotis_nepetaefolia, Leonotis_nepetifolia", + "20672": "motherwort, Leonurus_cardiaca", + "20673": "pitcher_sage, Lepechinia_calycina, Sphacele_calycina", + "20674": "bugleweed, Lycopus_virginicus", + "20675": "water_horehound, Lycopus_americanus", + "20676": "gipsywort, gypsywort, Lycopus_europaeus", + "20677": "origanum", + "20678": "oregano, marjoram, pot_marjoram, wild_marjoram, winter_sweet, Origanum_vulgare", + "20679": "sweet_marjoram, knotted_marjoram, Origanum_majorana, Majorana_hortensis", + "20680": "horehound", + "20681": "common_horehound, white_horehound, Marrubium_vulgare", + "20682": "lemon_balm, garden_balm, sweet_balm, bee_balm, beebalm, Melissa_officinalis", + "20683": "corn_mint, field_mint, Mentha_arvensis", + "20684": "water-mint, water_mint, Mentha_aquatica", + "20685": "bergamot_mint, lemon_mint, eau_de_cologne_mint, Mentha_citrata", + "20686": "horsemint, Mentha_longifolia", + "20687": "peppermint, Mentha_piperita", + "20688": "spearmint, Mentha_spicata", + "20689": "apple_mint, applemint, Mentha_rotundifolia, Mentha_suaveolens", + "20690": "pennyroyal, Mentha_pulegium", + "20691": "yerba_buena, Micromeria_chamissonis, Micromeria_douglasii, Satureja_douglasii", + "20692": "molucca_balm, bells_of_Ireland, Molucella_laevis", + "20693": "monarda, wild_bergamot", + "20694": "bee_balm, beebalm, bergamot_mint, oswego_tea, Monarda_didyma", + "20695": "horsemint, Monarda_punctata", + "20696": "bee_balm, beebalm, Monarda_fistulosa", + "20697": "lemon_mint, horsemint, Monarda_citriodora", + "20698": "plains_lemon_monarda, Monarda_pectinata", + "20699": "basil_balm, Monarda_clinopodia", + "20700": "mustang_mint, Monardella_lanceolata", + "20701": "catmint, catnip, Nepeta_cataria", + "20702": "basil", + "20703": "beefsteak_plant, Perilla_frutescens_crispa", + "20704": "phlomis", + "20705": "Jerusalem_sage, Phlomis_fruticosa", + "20706": "physostegia", + "20707": "plectranthus", + "20708": "patchouli, patchouly, pachouli, Pogostemon_cablin", + "20709": "self-heal, heal_all, Prunella_vulgaris", + "20710": "mountain_mint", + "20711": "rosemary, Rosmarinus_officinalis", + "20712": "clary_sage, Salvia_clarea", + "20713": "purple_sage, chaparral_sage, Salvia_leucophylla", + "20714": "cancerweed, cancer_weed, Salvia_lyrata", + "20715": "common_sage, ramona, Salvia_officinalis", + "20716": "meadow_clary, Salvia_pratensis", + "20717": "clary, Salvia_sclarea", + "20718": "pitcher_sage, Salvia_spathacea", + "20719": "Mexican_mint, Salvia_divinorum", + "20720": "wild_sage, wild_clary, vervain_sage, Salvia_verbenaca", + "20721": "savory", + "20722": "summer_savory, Satureja_hortensis, Satureia_hortensis", + "20723": "winter_savory, Satureja_montana, Satureia_montana", + "20724": "skullcap, helmetflower", + "20725": "blue_pimpernel, blue_skullcap, mad-dog_skullcap, mad-dog_weed, Scutellaria_lateriflora", + "20726": "hedge_nettle, dead_nettle, Stachys_sylvatica", + "20727": "hedge_nettle, Stachys_palustris", + "20728": "germander", + "20729": "American_germander, wood_sage, Teucrium_canadense", + "20730": "cat_thyme, marum, Teucrium_marum", + "20731": "wood_sage, Teucrium_scorodonia", + "20732": "thyme", + "20733": "common_thyme, Thymus_vulgaris", + "20734": "wild_thyme, creeping_thyme, Thymus_serpyllum", + "20735": "blue_curls", + "20736": "turpentine_camphor_weed, camphorweed, vinegarweed, Trichostema_lanceolatum", + "20737": "bastard_pennyroyal, Trichostema_dichotomum", + "20738": "bladderwort", + "20739": "butterwort", + "20740": "genlisea", + "20741": "martynia, Martynia_annua", + "20742": "common_unicorn_plant, devil's_claw, common_devil's_claw, elephant-tusk, proboscis_flower, ram's_horn, Proboscidea_louisianica", + "20743": "sand_devil's_claw, Proboscidea_arenaria, Martynia_arenaria", + "20744": "sweet_unicorn_plant, Proboscidea_fragrans, Martynia_fragrans", + "20745": "figwort", + "20746": "snapdragon", + "20747": "white_snapdragon, Antirrhinum_coulterianum", + "20748": "yellow_twining_snapdragon, Antirrhinum_filipes", + "20749": "Mediterranean_snapdragon, Antirrhinum_majus", + "20750": "kitten-tails", + "20751": "Alpine_besseya, Besseya_alpina", + "20752": "false_foxglove, Aureolaria_pedicularia, Gerardia_pedicularia", + "20753": "false_foxglove, Aureolaria_virginica, Gerardia_virginica", + "20754": "calceolaria, slipperwort", + "20755": "Indian_paintbrush, painted_cup", + "20756": "desert_paintbrush, Castilleja_chromosa", + "20757": "giant_red_paintbrush, Castilleja_miniata", + "20758": "great_plains_paintbrush, Castilleja_sessiliflora", + "20759": "sulfur_paintbrush, Castilleja_sulphurea", + "20760": "shellflower, shell-flower, turtlehead, snakehead, snake-head, Chelone_glabra", + "20761": "maiden_blue-eyed_Mary, Collinsia_parviflora", + "20762": "blue-eyed_Mary, Collinsia_verna", + "20763": "foxglove, digitalis", + "20764": "common_foxglove, fairy_bell, fingerflower, finger-flower, fingerroot, finger-root, Digitalis_purpurea", + "20765": "yellow_foxglove, straw_foxglove, Digitalis_lutea", + "20766": "gerardia", + "20767": "blue_toadflax, old-field_toadflax, Linaria_canadensis", + "20768": "toadflax, butter-and-eggs, wild_snapdragon, devil's_flax, Linaria_vulgaris", + "20769": "golden-beard_penstemon, Penstemon_barbatus", + "20770": "scarlet_bugler, Penstemon_centranthifolius", + "20771": "red_shrubby_penstemon, redwood_penstemon", + "20772": "Platte_River_penstemon, Penstemon_cyananthus", + "20773": "hot-rock_penstemon, Penstemon_deustus", + "20774": "Jones'_penstemon, Penstemon_dolius", + "20775": "shrubby_penstemon, lowbush_penstemon, Penstemon_fruticosus", + "20776": "narrow-leaf_penstemon, Penstemon_linarioides", + "20777": "balloon_flower, scented_penstemon, Penstemon_palmeri", + "20778": "Parry's_penstemon, Penstemon_parryi", + "20779": "rock_penstemon, cliff_penstemon, Penstemon_rupicola", + "20780": "Rydberg's_penstemon, Penstemon_rydbergii", + "20781": "cascade_penstemon, Penstemon_serrulatus", + "20782": "Whipple's_penstemon, Penstemon_whippleanus", + "20783": "moth_mullein, Verbascum_blattaria", + "20784": "white_mullein, Verbascum_lychnitis", + "20785": "purple_mullein, Verbascum_phoeniceum", + "20786": "common_mullein, great_mullein, Aaron's_rod, flannel_mullein, woolly_mullein, torch, Verbascum_thapsus", + "20787": "veronica, speedwell", + "20788": "field_speedwell, Veronica_agrestis", + "20789": "brooklime, American_brooklime, Veronica_americana", + "20790": "corn_speedwell, Veronica_arvensis", + "20791": "brooklime, European_brooklime, Veronica_beccabunga", + "20792": "germander_speedwell, bird's_eye, Veronica_chamaedrys", + "20793": "water_speedwell, Veronica_michauxii, Veronica_anagallis-aquatica", + "20794": "common_speedwell, gypsyweed, Veronica_officinalis", + "20795": "purslane_speedwell, Veronica_peregrina", + "20796": "thyme-leaved_speedwell, Veronica_serpyllifolia", + "20797": "nightshade", + "20798": "horse_nettle, ball_nettle, bull_nettle, ball_nightshade, Solanum_carolinense", + "20799": "African_holly, Solanum_giganteum", + "20800": "potato_vine, Solanum_jasmoides", + "20801": "garden_huckleberry, wonderberry, sunberry, Solanum_nigrum_guineese, Solanum_melanocerasum, Solanum_burbankii", + "20802": "naranjilla, Solanum_quitoense", + "20803": "potato_vine, giant_potato_creeper, Solanum_wendlandii", + "20804": "potato_tree, Brazilian_potato_tree, Solanum_wrightii, Solanum_macranthum", + "20805": "belladonna, belladonna_plant, deadly_nightshade, Atropa_belladonna", + "20806": "bush_violet, browallia", + "20807": "lady-of-the-night, Brunfelsia_americana", + "20808": "angel's_trumpet, maikoa, Brugmansia_arborea, Datura_arborea", + "20809": "angel's_trumpet, Brugmansia_suaveolens, Datura_suaveolens", + "20810": "red_angel's_trumpet, Brugmansia_sanguinea, Datura_sanguinea", + "20811": "cone_pepper, Capsicum_annuum_conoides", + "20812": "bird_pepper, Capsicum_frutescens_baccatum, Capsicum_baccatum", + "20813": "day_jessamine, Cestrum_diurnum", + "20814": "night_jasmine, night_jessamine, Cestrum_nocturnum", + "20815": "tree_tomato, tamarillo", + "20816": "thorn_apple", + "20817": "jimsonweed, jimson_weed, Jamestown_weed, common_thorn_apple, apple_of_Peru, Datura_stramonium", + "20818": "pichi, Fabiana_imbricata", + "20819": "henbane, black_henbane, stinking_nightshade, Hyoscyamus_niger", + "20820": "Egyptian_henbane, Hyoscyamus_muticus", + "20821": "matrimony_vine, boxthorn", + "20822": "common_matrimony_vine, Duke_of_Argyll's_tea_tree, Lycium_barbarum, Lycium_halimifolium", + "20823": "Christmasberry, Christmas_berry, Lycium_carolinianum", + "20824": "plum_tomato", + "20825": "mandrake, devil's_apples, Mandragora_officinarum", + "20826": "mandrake_root, mandrake", + "20827": "apple_of_Peru, shoo_fly, Nicandra_physaloides", + "20828": "flowering_tobacco, Jasmine_tobacco, Nicotiana_alata", + "20829": "common_tobacco, Nicotiana_tabacum", + "20830": "wild_tobacco, Indian_tobacco, Nicotiana_rustica", + "20831": "cupflower, nierembergia", + "20832": "whitecup, Nierembergia_repens, Nierembergia_rivularis", + "20833": "petunia", + "20834": "large_white_petunia, Petunia_axillaris", + "20835": "violet-flowered_petunia, Petunia_integrifolia", + "20836": "hybrid_petunia, Petunia_hybrida", + "20837": "cape_gooseberry, purple_ground_cherry, Physalis_peruviana", + "20838": "strawberry_tomato, dwarf_cape_gooseberry, Physalis_pruinosa", + "20839": "tomatillo, jamberry, Mexican_husk_tomato, Physalis_ixocarpa", + "20840": "tomatillo, miltomate, purple_ground_cherry, jamberry, Physalis_philadelphica", + "20841": "yellow_henbane, Physalis_viscosa", + "20842": "cock's_eggs, Salpichroa_organifolia, Salpichroa_rhomboidea", + "20843": "salpiglossis", + "20844": "painted_tongue, Salpiglossis_sinuata", + "20845": "butterfly_flower, poor_man's_orchid, schizanthus", + "20846": "Scopolia_carniolica", + "20847": "chalice_vine, trumpet_flower, cupflower, Solandra_guttata", + "20848": "verbena, vervain", + "20849": "lantana", + "20850": "black_mangrove, Avicennia_marina", + "20851": "white_mangrove, Avicennia_officinalis", + "20852": "black_mangrove, Aegiceras_majus", + "20853": "teak, Tectona_grandis", + "20854": "spurge", + "20855": "sun_spurge, wartweed, wartwort, devil's_milk, Euphorbia_helioscopia", + "20856": "petty_spurge, devil's_milk, Euphorbia_peplus", + "20857": "medusa's_head, Euphorbia_medusae, Euphorbia_caput-medusae", + "20858": "wild_spurge, flowering_spurge, tramp's_spurge, Euphorbia_corollata", + "20859": "snow-on-the-mountain, snow-in-summer, ghost_weed, Euphorbia_marginata", + "20860": "cypress_spurge, Euphorbia_cyparissias", + "20861": "leafy_spurge, wolf's_milk, Euphorbia_esula", + "20862": "hairy_spurge, Euphorbia_hirsuta", + "20863": "poinsettia, Christmas_star, Christmas_flower, lobster_plant, Mexican_flameleaf, painted_leaf, Euphorbia_pulcherrima", + "20864": "Japanese_poinsettia, mole_plant, paint_leaf, Euphorbia_heterophylla", + "20865": "fire-on-the-mountain, painted_leaf, Mexican_fire_plant, Euphorbia_cyathophora", + "20866": "wood_spurge, Euphorbia_amygdaloides", + "20867": "dwarf_spurge, Euphorbia_exigua", + "20868": "scarlet_plume, Euphorbia_fulgens", + "20869": "naboom, cactus_euphorbia, Euphorbia_ingens", + "20870": "crown_of_thorns, Christ_thorn, Christ_plant, Euphorbia_milii", + "20871": "toothed_spurge, Euphorbia_dentata", + "20872": "three-seeded_mercury, Acalypha_virginica", + "20873": "croton, Croton_tiglium", + "20874": "cascarilla, Croton_eluteria", + "20875": "cascarilla_bark, eleuthera_bark, sweetwood_bark", + "20876": "castor-oil_plant, castor_bean_plant, palma_christi, palma_christ, Ricinus_communis", + "20877": "spurge_nettle, tread-softly, devil_nettle, pica-pica, Cnidoscolus_urens, Jatropha_urens, Jatropha_stimulosus", + "20878": "physic_nut, Jatropha_curcus", + "20879": "Para_rubber_tree, caoutchouc_tree, Hevea_brasiliensis", + "20880": "cassava, casava", + "20881": "bitter_cassava, manioc, mandioc, mandioca, tapioca_plant, gari, Manihot_esculenta, Manihot_utilissima", + "20882": "cassava, manioc", + "20883": "sweet_cassava, Manihot_dulcis", + "20884": "candlenut, varnish_tree, Aleurites_moluccana", + "20885": "tung_tree, tung, tung-oil_tree, Aleurites_fordii", + "20886": "slipper_spurge, slipper_plant", + "20887": "candelilla, Pedilanthus_bracteatus, Pedilanthus_pavonis", + "20888": "Jewbush, Jew-bush, Jew_bush, redbird_cactus, redbird_flower, Pedilanthus_tithymaloides", + "20889": "jumping_bean, jumping_seed, Mexican_jumping_bean", + "20890": "camellia, camelia", + "20891": "japonica, Camellia_japonica", + "20892": "umbellifer, umbelliferous_plant", + "20893": "wild_parsley", + "20894": "fool's_parsley, lesser_hemlock, Aethusa_cynapium", + "20895": "dill, Anethum_graveolens", + "20896": "angelica, angelique", + "20897": "garden_angelica, archangel, Angelica_Archangelica", + "20898": "wild_angelica, Angelica_sylvestris", + "20899": "chervil, beaked_parsley, Anthriscus_cereifolium", + "20900": "cow_parsley, wild_chervil, Anthriscus_sylvestris", + "20901": "wild_celery, Apium_graveolens", + "20902": "astrantia, masterwort", + "20903": "greater_masterwort, Astrantia_major", + "20904": "caraway, Carum_carvi", + "20905": "whorled_caraway", + "20906": "water_hemlock, Cicuta_verosa", + "20907": "spotted_cowbane, spotted_hemlock, spotted_water_hemlock", + "20908": "hemlock, poison_hemlock, poison_parsley, California_fern, Nebraska_fern, winter_fern, Conium_maculatum", + "20909": "earthnut, Conopodium_denudatum", + "20910": "cumin, Cuminum_cyminum", + "20911": "wild_carrot, Queen_Anne's_lace, Daucus_carota", + "20912": "eryngo, eringo", + "20913": "sea_holly, sea_holm, sea_eryngium, Eryngium_maritimum", + "20914": "button_snakeroot, Eryngium_aquaticum", + "20915": "rattlesnake_master, rattlesnake's_master, button_snakeroot, Eryngium_yuccifolium", + "20916": "fennel", + "20917": "common_fennel, Foeniculum_vulgare", + "20918": "Florence_fennel, Foeniculum_dulce, Foeniculum_vulgare_dulce", + "20919": "cow_parsnip, hogweed, Heracleum_sphondylium", + "20920": "lovage, Levisticum_officinale", + "20921": "sweet_cicely, Myrrhis_odorata", + "20922": "water_fennel, Oenanthe_aquatica", + "20923": "parsnip, Pastinaca_sativa", + "20924": "cultivated_parsnip", + "20925": "wild_parsnip, madnep", + "20926": "parsley, Petroselinum_crispum", + "20927": "Italian_parsley, flat-leaf_parsley, Petroselinum_crispum_neapolitanum", + "20928": "Hamburg_parsley, turnip-rooted_parsley, Petroselinum_crispum_tuberosum", + "20929": "anise, anise_plant, Pimpinella_anisum", + "20930": "sanicle, snakeroot", + "20931": "purple_sanicle, Sanicula_bipinnatifida", + "20932": "European_sanicle, Sanicula_Europaea", + "20933": "water_parsnip, Sium_suave", + "20934": "greater_water_parsnip, Sium_latifolium", + "20935": "skirret, Sium_sisarum", + "20936": "dogwood, dogwood_tree, cornel", + "20937": "common_white_dogwood, eastern_flowering_dogwood, Cornus_florida", + "20938": "red_osier, red_osier_dogwood, red_dogwood, American_dogwood, redbrush, Cornus_stolonifera", + "20939": "silky_dogwood, Cornus_obliqua", + "20940": "silky_cornel, silky_dogwood, Cornus_amomum", + "20941": "common_European_dogwood, red_dogwood, blood-twig, pedwood, Cornus_sanguinea", + "20942": "bunchberry, dwarf_cornel, crackerberry, pudding_berry, Cornus_canadensis", + "20943": "cornelian_cherry, Cornus_mas", + "20944": "puka, Griselinia_lucida", + "20945": "kapuka, Griselinia_littoralis", + "20946": "valerian", + "20947": "common_valerian, garden_heliotrope, Valeriana_officinalis", + "20948": "common_corn_salad, lamb's_lettuce, Valerianella_olitoria, Valerianella_locusta", + "20949": "red_valerian, French_honeysuckle, Centranthus_ruber", + "20950": "filmy_fern, film_fern", + "20951": "bristle_fern, filmy_fern", + "20952": "hare's-foot_bristle_fern, Trichomanes_boschianum", + "20953": "Killarney_fern, Trichomanes_speciosum", + "20954": "kidney_fern, Trichomanes_reniforme", + "20955": "flowering_fern, osmund", + "20956": "royal_fern, royal_osmund, king_fern, ditch_fern, French_bracken, Osmunda_regalis", + "20957": "interrupted_fern, Osmunda_clatonia", + "20958": "crape_fern, Prince-of-Wales_fern, Prince-of-Wales_feather, Prince-of-Wales_plume, Leptopteris_superba, Todea_superba", + "20959": "crepe_fern, king_fern, Todea_barbara", + "20960": "curly_grass, curly_grass_fern, Schizaea_pusilla", + "20961": "pine_fern, Anemia_adiantifolia", + "20962": "climbing_fern", + "20963": "creeping_fern, Hartford_fern, Lygodium_palmatum", + "20964": "climbing_maidenhair, climbing_maidenhair_fern, snake_fern, Lygodium_microphyllum", + "20965": "scented_fern, Mohria_caffrorum", + "20966": "clover_fern, pepperwort", + "20967": "nardoo, nardo, common_nardoo, Marsilea_drummondii", + "20968": "water_clover, Marsilea_quadrifolia", + "20969": "pillwort, Pilularia_globulifera", + "20970": "regnellidium, Regnellidium_diphyllum", + "20971": "floating-moss, Salvinia_rotundifolia, Salvinia_auriculata", + "20972": "mosquito_fern, floating_fern, Carolina_pond_fern, Azolla_caroliniana", + "20973": "adder's_tongue, adder's_tongue_fern", + "20974": "ribbon_fern, Ophioglossum_pendulum", + "20975": "grape_fern", + "20976": "daisyleaf_grape_fern, daisy-leaved_grape_fern, Botrychium_matricariifolium", + "20977": "leathery_grape_fern, Botrychium_multifidum", + "20978": "rattlesnake_fern, Botrychium_virginianum", + "20979": "flowering_fern, Helminthostachys_zeylanica", + "20980": "powdery_mildew", + "20981": "Dutch_elm_fungus, Ceratostomella_ulmi", + "20982": "ergot, Claviceps_purpurea", + "20983": "rye_ergot", + "20984": "black_root_rot_fungus, Xylaria_mali", + "20985": "dead-man's-fingers, dead-men's-fingers, Xylaria_polymorpha", + "20986": "sclerotinia", + "20987": "brown_cup", + "20988": "earthball, false_truffle, puffball, hard-skinned_puffball", + "20989": "Scleroderma_citrinum, Scleroderma_aurantium", + "20990": "Scleroderma_flavidium, star_earthball", + "20991": "Scleroderma_bovista, smooth_earthball", + "20992": "Podaxaceae", + "20993": "stalked_puffball", + "20994": "stalked_puffball", + "20995": "false_truffle", + "20996": "Rhizopogon_idahoensis", + "20997": "Truncocolumella_citrina", + "20998": "mucor", + "20999": "rhizopus", + "21000": "bread_mold, Rhizopus_nigricans", + "21001": "slime_mold, slime_mould", + "21002": "true_slime_mold, acellular_slime_mold, plasmodial_slime_mold, myxomycete", + "21003": "cellular_slime_mold", + "21004": "dictostylium", + "21005": "pond-scum_parasite", + "21006": "potato_wart_fungus, Synchytrium_endobioticum", + "21007": "white_fungus, Saprolegnia_ferax", + "21008": "water_mold", + "21009": "downy_mildew, false_mildew", + "21010": "blue_mold_fungus, Peronospora_tabacina", + "21011": "onion_mildew, Peronospora_destructor", + "21012": "tobacco_mildew, Peronospora_hyoscyami", + "21013": "white_rust", + "21014": "pythium", + "21015": "damping_off_fungus, Pythium_debaryanum", + "21016": "Phytophthora_citrophthora", + "21017": "Phytophthora_infestans", + "21018": "clubroot_fungus, Plasmodiophora_brassicae", + "21019": "Geglossaceae", + "21020": "Sarcosomataceae", + "21021": "Rufous_rubber_cup", + "21022": "devil's_cigar", + "21023": "devil's_urn", + "21024": "truffle, earthnut, earth-ball", + "21025": "club_fungus", + "21026": "coral_fungus", + "21027": "tooth_fungus", + "21028": "lichen", + "21029": "ascolichen", + "21030": "basidiolichen", + "21031": "lecanora", + "21032": "manna_lichen", + "21033": "archil, orchil", + "21034": "roccella, Roccella_tinctoria", + "21035": "beard_lichen, beard_moss, Usnea_barbata", + "21036": "horsehair_lichen, horsetail_lichen", + "21037": "reindeer_moss, reindeer_lichen, arctic_moss, Cladonia_rangiferina", + "21038": "crottle, crottal, crotal", + "21039": "Iceland_moss, Iceland_lichen, Cetraria_islandica", + "21040": "fungus", + "21041": "promycelium", + "21042": "true_fungus", + "21043": "basidiomycete, basidiomycetous_fungi", + "21044": "mushroom", + "21045": "agaric", + "21046": "mushroom", + "21047": "mushroom", + "21048": "toadstool", + "21049": "horse_mushroom, Agaricus_arvensis", + "21050": "meadow_mushroom, field_mushroom, Agaricus_campestris", + "21051": "shiitake, shiitake_mushroom, Chinese_black_mushroom, golden_oak_mushroom, Oriental_black_mushroom, Lentinus_edodes", + "21052": "scaly_lentinus, Lentinus_lepideus", + "21053": "royal_agaric, Caesar's_agaric, Amanita_caesarea", + "21054": "false_deathcap, Amanita_mappa", + "21055": "fly_agaric, Amanita_muscaria", + "21056": "death_cap, death_cup, death_angel, destroying_angel, Amanita_phalloides", + "21057": "blushing_mushroom, blusher, Amanita_rubescens", + "21058": "destroying_angel, Amanita_verna", + "21059": "chanterelle, chantarelle, Cantharellus_cibarius", + "21060": "floccose_chanterelle, Cantharellus_floccosus", + "21061": "pig's_ears, Cantharellus_clavatus", + "21062": "cinnabar_chanterelle, Cantharellus_cinnabarinus", + "21063": "jack-o-lantern_fungus, jack-o-lantern, jack-a-lantern, Omphalotus_illudens", + "21064": "inky_cap, inky-cap_mushroom, Coprinus_atramentarius", + "21065": "shaggymane, shaggy_cap, shaggymane_mushroom, Coprinus_comatus", + "21066": "milkcap, Lactarius_delicioso", + "21067": "fairy-ring_mushroom, Marasmius_oreades", + "21068": "fairy_ring, fairy_circle", + "21069": "oyster_mushroom, oyster_fungus, oyster_agaric, Pleurotus_ostreatus", + "21070": "olive-tree_agaric, Pleurotus_phosphoreus", + "21071": "Pholiota_astragalina", + "21072": "Pholiota_aurea, golden_pholiota", + "21073": "Pholiota_destruens", + "21074": "Pholiota_flammans", + "21075": "Pholiota_flavida", + "21076": "nameko, viscid_mushroom, Pholiota_nameko", + "21077": "Pholiota_squarrosa-adiposa", + "21078": "Pholiota_squarrosa, scaly_pholiota", + "21079": "Pholiota_squarrosoides", + "21080": "Stropharia_ambigua", + "21081": "Stropharia_hornemannii", + "21082": "Stropharia_rugoso-annulata", + "21083": "gill_fungus", + "21084": "Entoloma_lividum, Entoloma_sinuatum", + "21085": "Entoloma_aprile", + "21086": "Chlorophyllum_molybdites", + "21087": "lepiota", + "21088": "parasol_mushroom, Lepiota_procera", + "21089": "poisonous_parasol, Lepiota_morgani", + "21090": "Lepiota_naucina", + "21091": "Lepiota_rhacodes", + "21092": "American_parasol, Lepiota_americana", + "21093": "Lepiota_rubrotincta", + "21094": "Lepiota_clypeolaria", + "21095": "onion_stem, Lepiota_cepaestipes", + "21096": "pink_disease_fungus, Corticium_salmonicolor", + "21097": "bottom_rot_fungus, Corticium_solani", + "21098": "potato_fungus, Pellicularia_filamentosa, Rhizoctinia_solani", + "21099": "coffee_fungus, Pellicularia_koleroga", + "21100": "blewits, Clitocybe_nuda", + "21101": "sandy_mushroom, Tricholoma_populinum", + "21102": "Tricholoma_pessundatum", + "21103": "Tricholoma_sejunctum", + "21104": "man-on-a-horse, Tricholoma_flavovirens", + "21105": "Tricholoma_venenata", + "21106": "Tricholoma_pardinum", + "21107": "Tricholoma_vaccinum", + "21108": "Tricholoma_aurantium", + "21109": "Volvaria_bombycina", + "21110": "Pluteus_aurantiorugosus", + "21111": "Pluteus_magnus, sawdust_mushroom", + "21112": "deer_mushroom, Pluteus_cervinus", + "21113": "straw_mushroom, Chinese_mushroom, Volvariella_volvacea", + "21114": "Volvariella_bombycina", + "21115": "Clitocybe_clavipes", + "21116": "Clitocybe_dealbata", + "21117": "Clitocybe_inornata", + "21118": "Clitocybe_robusta, Clytocybe_alba", + "21119": "Clitocybe_irina, Tricholoma_irinum, Lepista_irina", + "21120": "Clitocybe_subconnexa", + "21121": "winter_mushroom, Flammulina_velutipes", + "21122": "mycelium", + "21123": "sclerotium", + "21124": "sac_fungus", + "21125": "ascomycete, ascomycetous_fungus", + "21126": "Clavicipitaceae, grainy_club_mushrooms", + "21127": "grainy_club", + "21128": "yeast", + "21129": "baker's_yeast, brewer's_yeast, Saccharomyces_cerevisiae", + "21130": "wine-maker's_yeast, Saccharomyces_ellipsoides", + "21131": "Aspergillus_fumigatus", + "21132": "brown_root_rot_fungus, Thielavia_basicola", + "21133": "discomycete, cup_fungus", + "21134": "Leotia_lubrica", + "21135": "Mitrula_elegans", + "21136": "Sarcoscypha_coccinea, scarlet_cup", + "21137": "Caloscypha_fulgens", + "21138": "Aleuria_aurantia, orange_peel_fungus", + "21139": "elf_cup", + "21140": "Peziza_domicilina", + "21141": "blood_cup, fairy_cup, Peziza_coccinea", + "21142": "Urnula_craterium, urn_fungus", + "21143": "Galiella_rufa", + "21144": "Jafnea_semitosta", + "21145": "morel", + "21146": "common_morel, Morchella_esculenta, sponge_mushroom, sponge_morel", + "21147": "Disciotis_venosa, cup_morel", + "21148": "Verpa, bell_morel", + "21149": "Verpa_bohemica, early_morel", + "21150": "Verpa_conica, conic_Verpa", + "21151": "black_morel, Morchella_conica, conic_morel, Morchella_angusticeps, narrowhead_morel", + "21152": "Morchella_crassipes, thick-footed_morel", + "21153": "Morchella_semilibera, half-free_morel, cow's_head", + "21154": "Wynnea_americana", + "21155": "Wynnea_sparassoides", + "21156": "false_morel", + "21157": "lorchel", + "21158": "helvella", + "21159": "Helvella_crispa, miter_mushroom", + "21160": "Helvella_acetabulum", + "21161": "Helvella_sulcata", + "21162": "discina", + "21163": "gyromitra", + "21164": "Gyromitra_californica, California_false_morel", + "21165": "Gyromitra_sphaerospora, round-spored_gyromitra", + "21166": "Gyromitra_esculenta, brain_mushroom, beefsteak_morel", + "21167": "Gyromitra_infula, saddled-shaped_false_morel", + "21168": "Gyromitra_fastigiata, Gyromitra_brunnea", + "21169": "Gyromitra_gigas", + "21170": "gasteromycete, gastromycete", + "21171": "stinkhorn, carrion_fungus", + "21172": "common_stinkhorn, Phallus_impudicus", + "21173": "Phallus_ravenelii", + "21174": "dog_stinkhorn, Mutinus_caninus", + "21175": "Calostoma_lutescens", + "21176": "Calostoma_cinnabarina", + "21177": "Calostoma_ravenelii", + "21178": "stinky_squid, Pseudocolus_fusiformis", + "21179": "puffball, true_puffball", + "21180": "giant_puffball, Calvatia_gigantea", + "21181": "earthstar", + "21182": "Geastrum_coronatum", + "21183": "Radiigera_fuscogleba", + "21184": "Astreus_pteridis", + "21185": "Astreus_hygrometricus", + "21186": "bird's-nest_fungus", + "21187": "Gastrocybe_lateritia", + "21188": "Macowanites_americanus", + "21189": "polypore, pore_fungus, pore_mushroom", + "21190": "bracket_fungus, shelf_fungus", + "21191": "Albatrellus_dispansus", + "21192": "Albatrellus_ovinus, sheep_polypore", + "21193": "Neolentinus_ponderosus", + "21194": "Oligoporus_leucospongia", + "21195": "Polyporus_tenuiculus", + "21196": "hen-of-the-woods, hen_of_the_woods, Polyporus_frondosus, Grifola_frondosa", + "21197": "Polyporus_squamosus, scaly_polypore", + "21198": "beefsteak_fungus, Fistulina_hepatica", + "21199": "agaric, Fomes_igniarius", + "21200": "bolete", + "21201": "Boletus_chrysenteron", + "21202": "Boletus_edulis", + "21203": "Frost's_bolete, Boletus_frostii", + "21204": "Boletus_luridus", + "21205": "Boletus_mirabilis", + "21206": "Boletus_pallidus", + "21207": "Boletus_pulcherrimus", + "21208": "Boletus_pulverulentus", + "21209": "Boletus_roxanae", + "21210": "Boletus_subvelutipes", + "21211": "Boletus_variipes", + "21212": "Boletus_zelleri", + "21213": "Fuscoboletinus_paluster", + "21214": "Fuscoboletinus_serotinus", + "21215": "Leccinum_fibrillosum", + "21216": "Suillus_albivelatus", + "21217": "old-man-of-the-woods, Strobilomyces_floccopus", + "21218": "Boletellus_russellii", + "21219": "jelly_fungus", + "21220": "snow_mushroom, Tremella_fuciformis", + "21221": "witches'_butter, Tremella_lutescens", + "21222": "Tremella_foliacea", + "21223": "Tremella_reticulata", + "21224": "Jew's-ear, Jew's-ears, ear_fungus, Auricularia_auricula", + "21225": "rust, rust_fungus", + "21226": "aecium", + "21227": "flax_rust, flax_rust_fungus, Melampsora_lini", + "21228": "blister_rust, Cronartium_ribicola", + "21229": "wheat_rust, Puccinia_graminis", + "21230": "apple_rust, cedar-apple_rust, Gymnosporangium_juniperi-virginianae", + "21231": "smut, smut_fungus", + "21232": "covered_smut", + "21233": "loose_smut", + "21234": "cornsmut, corn_smut", + "21235": "boil_smut, Ustilago_maydis", + "21236": "Sphacelotheca, genus_Sphacelotheca", + "21237": "head_smut, Sphacelotheca_reiliana", + "21238": "bunt, Tilletia_caries", + "21239": "bunt, stinking_smut, Tilletia_foetida", + "21240": "onion_smut, Urocystis_cepulae", + "21241": "flag_smut_fungus", + "21242": "wheat_flag_smut, Urocystis_tritici", + "21243": "felt_fungus, Septobasidium_pseudopedicellatum", + "21244": "waxycap", + "21245": "Hygrocybe_acutoconica, conic_waxycap", + "21246": "Hygrophorus_borealis", + "21247": "Hygrophorus_caeruleus", + "21248": "Hygrophorus_inocybiformis", + "21249": "Hygrophorus_kauffmanii", + "21250": "Hygrophorus_marzuolus", + "21251": "Hygrophorus_purpurascens", + "21252": "Hygrophorus_russula", + "21253": "Hygrophorus_sordidus", + "21254": "Hygrophorus_tennesseensis", + "21255": "Hygrophorus_turundus", + "21256": "Neohygrophorus_angelesianus", + "21257": "Cortinarius_armillatus", + "21258": "Cortinarius_atkinsonianus", + "21259": "Cortinarius_corrugatus", + "21260": "Cortinarius_gentilis", + "21261": "Cortinarius_mutabilis, purple-staining_Cortinarius", + "21262": "Cortinarius_semisanguineus", + "21263": "Cortinarius_subfoetidus", + "21264": "Cortinarius_violaceus", + "21265": "Gymnopilus_spectabilis", + "21266": "Gymnopilus_validipes", + "21267": "Gymnopilus_ventricosus", + "21268": "mold, mould", + "21269": "mildew", + "21270": "verticillium", + "21271": "monilia", + "21272": "candida", + "21273": "Candida_albicans, Monilia_albicans", + "21274": "blastomycete", + "21275": "yellow_spot_fungus, Cercospora_kopkei", + "21276": "green_smut_fungus, Ustilaginoidea_virens", + "21277": "dry_rot", + "21278": "rhizoctinia", + "21279": "houseplant", + "21280": "bedder, bedding_plant", + "21281": "succulent", + "21282": "cultivar", + "21283": "weed", + "21284": "wort", + "21285": "brier", + "21286": "aril", + "21287": "sporophyll, sporophyl", + "21288": "sporangium, spore_case, spore_sac", + "21289": "sporangiophore", + "21290": "ascus", + "21291": "ascospore", + "21292": "arthrospore", + "21293": "eusporangium", + "21294": "tetrasporangium", + "21295": "gametangium", + "21296": "sorus", + "21297": "sorus", + "21298": "partial_veil", + "21299": "lignum", + "21300": "vascular_ray, medullary_ray", + "21301": "phloem, bast", + "21302": "evergreen, evergreen_plant", + "21303": "deciduous_plant", + "21304": "poisonous_plant", + "21305": "vine", + "21306": "creeper", + "21307": "tendril", + "21308": "root_climber", + "21309": "lignosae", + "21310": "arborescent_plant", + "21311": "snag", + "21312": "tree", + "21313": "timber_tree", + "21314": "treelet", + "21315": "arbor", + "21316": "bean_tree", + "21317": "pollard", + "21318": "sapling", + "21319": "shade_tree", + "21320": "gymnospermous_tree", + "21321": "conifer, coniferous_tree", + "21322": "angiospermous_tree, flowering_tree", + "21323": "nut_tree", + "21324": "spice_tree", + "21325": "fever_tree", + "21326": "stump, tree_stump", + "21327": "bonsai", + "21328": "ming_tree", + "21329": "ming_tree", + "21330": "undershrub", + "21331": "subshrub, suffrutex", + "21332": "bramble", + "21333": "liana", + "21334": "geophyte", + "21335": "desert_plant, xerophyte, xerophytic_plant, xerophile, xerophilous_plant", + "21336": "mesophyte, mesophytic_plant", + "21337": "marsh_plant, bog_plant, swamp_plant", + "21338": "hemiepiphyte, semiepiphyte", + "21339": "strangler, strangler_tree", + "21340": "lithophyte, lithophytic_plant", + "21341": "saprobe", + "21342": "autophyte, autophytic_plant, autotroph, autotrophic_organism", + "21343": "root", + "21344": "taproot", + "21345": "prop_root", + "21346": "prophyll", + "21347": "rootstock", + "21348": "quickset", + "21349": "stolon, runner, offset", + "21350": "tuberous_plant", + "21351": "rhizome, rootstock, rootstalk", + "21352": "rachis", + "21353": "caudex", + "21354": "cladode, cladophyll, phylloclad, phylloclade", + "21355": "receptacle", + "21356": "scape, flower_stalk", + "21357": "umbel", + "21358": "petiole, leafstalk", + "21359": "peduncle", + "21360": "pedicel, pedicle", + "21361": "flower_cluster", + "21362": "raceme", + "21363": "panicle", + "21364": "thyrse, thyrsus", + "21365": "cyme", + "21366": "cymule", + "21367": "glomerule", + "21368": "scorpioid_cyme", + "21369": "ear, spike, capitulum", + "21370": "spadix", + "21371": "bulbous_plant", + "21372": "bulbil, bulblet", + "21373": "cormous_plant", + "21374": "fruit", + "21375": "fruitlet", + "21376": "seed", + "21377": "bean", + "21378": "nut", + "21379": "nutlet", + "21380": "kernel, meat", + "21381": "syconium", + "21382": "berry", + "21383": "aggregate_fruit, multiple_fruit, syncarp", + "21384": "simple_fruit, bacca", + "21385": "acinus", + "21386": "drupe, stone_fruit", + "21387": "drupelet", + "21388": "pome, false_fruit", + "21389": "pod, seedpod", + "21390": "loment", + "21391": "pyxidium, pyxis", + "21392": "husk", + "21393": "cornhusk", + "21394": "pod, cod, seedcase", + "21395": "accessory_fruit, pseudocarp", + "21396": "buckthorn", + "21397": "buckthorn_berry, yellow_berry", + "21398": "cascara_buckthorn, bearberry, bearwood, chittamwood, chittimwood, Rhamnus_purshianus", + "21399": "cascara, cascara_sagrada, chittam_bark, chittem_bark", + "21400": "Carolina_buckthorn, indian_cherry, Rhamnus_carolinianus", + "21401": "coffeeberry, California_buckthorn, California_coffee, Rhamnus_californicus", + "21402": "redberry, red-berry, Rhamnus_croceus", + "21403": "nakedwood", + "21404": "jujube, jujube_bush, Christ's-thorn, Jerusalem_thorn, Ziziphus_jujuba", + "21405": "Christ's-thorn, Jerusalem_thorn, Paliurus_spina-christi", + "21406": "hazel, hazel_tree, Pomaderris_apetala", + "21407": "fox_grape, Vitis_labrusca", + "21408": "muscadine, Vitis_rotundifolia", + "21409": "vinifera, vinifera_grape, common_grape_vine, Vitis_vinifera", + "21410": "Pinot_blanc", + "21411": "Sauvignon_grape", + "21412": "Sauvignon_blanc", + "21413": "Muscadet", + "21414": "Riesling", + "21415": "Zinfandel", + "21416": "Chenin_blanc", + "21417": "malvasia", + "21418": "Verdicchio", + "21419": "Boston_ivy, Japanese_ivy, Parthenocissus_tricuspidata", + "21420": "Virginia_creeper, American_ivy, woodbine, Parthenocissus_quinquefolia", + "21421": "true_pepper, pepper_vine", + "21422": "betel, betel_pepper, Piper_betel", + "21423": "cubeb", + "21424": "schizocarp", + "21425": "peperomia", + "21426": "watermelon_begonia, Peperomia_argyreia, Peperomia_sandersii", + "21427": "yerba_mansa, Anemopsis_californica", + "21428": "pinna, pinnule", + "21429": "frond", + "21430": "bract", + "21431": "bracteole, bractlet", + "21432": "involucre", + "21433": "glume", + "21434": "palmate_leaf", + "21435": "pinnate_leaf", + "21436": "bijugate_leaf, bijugous_leaf, twice-pinnate", + "21437": "decompound_leaf", + "21438": "acuminate_leaf", + "21439": "deltoid_leaf", + "21440": "ensiform_leaf", + "21441": "linear_leaf, elongate_leaf", + "21442": "lyrate_leaf", + "21443": "obtuse_leaf", + "21444": "oblanceolate_leaf", + "21445": "pandurate_leaf, panduriform_leaf", + "21446": "reniform_leaf", + "21447": "spatulate_leaf", + "21448": "even-pinnate_leaf, abruptly-pinnate_leaf", + "21449": "odd-pinnate_leaf", + "21450": "pedate_leaf", + "21451": "crenate_leaf", + "21452": "dentate_leaf", + "21453": "denticulate_leaf", + "21454": "erose_leaf", + "21455": "runcinate_leaf", + "21456": "prickly-edged_leaf", + "21457": "deadwood", + "21458": "haulm, halm", + "21459": "branchlet, twig, sprig", + "21460": "osier", + "21461": "giant_scrambling_fern, Diplopterygium_longissimum", + "21462": "umbrella_fern, fan_fern, Sticherus_flabellatus, Gleichenia_flabellata", + "21463": "floating_fern, water_sprite, Ceratopteris_pteridioides", + "21464": "polypody", + "21465": "licorice_fern, Polypodium_glycyrrhiza", + "21466": "grey_polypody, gray_polypody, resurrection_fern, Polypodium_polypodioides", + "21467": "leatherleaf, leathery_polypody, coast_polypody, Polypodium_scouleri", + "21468": "rock_polypody, rock_brake, American_wall_fern, Polypodium_virgianum", + "21469": "common_polypody, adder's_fern, wall_fern, golden_maidenhair, golden_polypody, sweet_fern, Polypodium_vulgare", + "21470": "bear's-paw_fern, Aglaomorpha_meyeniana", + "21471": "strap_fern", + "21472": "Florida_strap_fern, cow-tongue_fern, hart's-tongue_fern", + "21473": "basket_fern, Drynaria_rigidula", + "21474": "snake_polypody, Microgramma-piloselloides", + "21475": "climbing_bird's_nest_fern, Microsorium_punctatum", + "21476": "golden_polypody, serpent_fern, rabbit's-foot_fern, Phlebodium_aureum, Polypodium_aureum", + "21477": "staghorn_fern", + "21478": "South_American_staghorn, Platycerium_andinum", + "21479": "common_staghorn_fern, elkhorn_fern, Platycerium_bifurcatum, Platycerium_alcicorne", + "21480": "felt_fern, tongue_fern, Pyrrosia_lingua, Cyclophorus_lingua", + "21481": "potato_fern, Solanopteris_bifrons", + "21482": "myrmecophyte", + "21483": "grass_fern, ribbon_fern, Vittaria_lineata", + "21484": "spleenwort", + "21485": "black_spleenwort, Asplenium_adiantum-nigrum", + "21486": "bird's_nest_fern, Asplenium_nidus", + "21487": "ebony_spleenwort, Scott's_Spleenwort, Asplenium_platyneuron", + "21488": "black-stem_spleenwort, black-stemmed_spleenwort, little_ebony_spleenwort", + "21489": "walking_fern, walking_leaf, Asplenium_rhizophyllum, Camptosorus_rhizophyllus", + "21490": "green_spleenwort, Asplenium_viride", + "21491": "mountain_spleenwort, Asplenium_montanum", + "21492": "lobed_spleenwort, Asplenium_pinnatifidum", + "21493": "lanceolate_spleenwort, Asplenium_billotii", + "21494": "hart's-tongue, hart's-tongue_fern, Asplenium_scolopendrium, Phyllitis_scolopendrium", + "21495": "scale_fern, scaly_fern, Asplenium_ceterach, Ceterach_officinarum", + "21496": "scolopendrium", + "21497": "deer_fern, Blechnum_spicant", + "21498": "doodia, rasp_fern", + "21499": "chain_fern", + "21500": "Virginia_chain_fern, Woodwardia_virginica", + "21501": "silver_tree_fern, sago_fern, black_tree_fern, Cyathea_medullaris", + "21502": "davallia", + "21503": "hare's-foot_fern", + "21504": "Canary_Island_hare's_foot_fern, Davallia_canariensis", + "21505": "squirrel's-foot_fern, ball_fern, Davalia_bullata, Davalia_bullata_mariesii, Davallia_Mariesii", + "21506": "bracken, Pteridium_esculentum", + "21507": "soft_tree_fern, Dicksonia_antarctica", + "21508": "Scythian_lamb, Cibotium_barometz", + "21509": "false_bracken, Culcita_dubia", + "21510": "thyrsopteris, Thyrsopteris_elegans", + "21511": "shield_fern, buckler_fern", + "21512": "broad_buckler-fern, Dryopteris_dilatata", + "21513": "fragrant_cliff_fern, fragrant_shield_fern, fragrant_wood_fern, Dryopteris_fragrans", + "21514": "Goldie's_fern, Goldie's_shield_fern, goldie's_wood_fern, Dryopteris_goldiana", + "21515": "wood_fern, wood-fern, woodfern", + "21516": "male_fern, Dryopteris_filix-mas", + "21517": "marginal_wood_fern, evergreen_wood_fern, leatherleaf_wood_fern, Dryopteris_marginalis", + "21518": "mountain_male_fern, Dryopteris_oreades", + "21519": "lady_fern, Athyrium_filix-femina", + "21520": "Alpine_lady_fern, Athyrium_distentifolium", + "21521": "silvery_spleenwort, glade_fern, narrow-leaved_spleenwort, Athyrium_pycnocarpon, Diplazium_pycnocarpon", + "21522": "holly_fern, Cyrtomium_aculeatum, Polystichum_aculeatum", + "21523": "bladder_fern", + "21524": "brittle_bladder_fern, brittle_fern, fragile_fern, Cystopteris_fragilis", + "21525": "mountain_bladder_fern, Cystopteris_montana", + "21526": "bulblet_fern, bulblet_bladder_fern, berry_fern, Cystopteris_bulbifera", + "21527": "silvery_spleenwort, Deparia_acrostichoides, Athyrium_thelypteroides", + "21528": "oak_fern, Gymnocarpium_dryopteris, Thelypteris_dryopteris", + "21529": "limestone_fern, northern_oak_fern, Gymnocarpium_robertianum", + "21530": "ostrich_fern, shuttlecock_fern, fiddlehead, Matteuccia_struthiopteris, Pteretis_struthiopteris, Onoclea_struthiopteris", + "21531": "hart's-tongue, hart's-tongue_fern, Olfersia_cervina, Polybotrya_cervina, Polybotria_cervina", + "21532": "sensitive_fern, bead_fern, Onoclea_sensibilis", + "21533": "Christmas_fern, canker_brake, dagger_fern, evergreen_wood_fern, Polystichum_acrostichoides", + "21534": "holly_fern", + "21535": "Braun's_holly_fern, prickly_shield_fern, Polystichum_braunii", + "21536": "western_holly_fern, Polystichum_scopulinum", + "21537": "soft_shield_fern, Polystichum_setiferum", + "21538": "leather_fern, leatherleaf_fern, ten-day_fern, Rumohra_adiantiformis, Polystichum_adiantiformis", + "21539": "button_fern, Tectaria_cicutaria", + "21540": "Indian_button_fern, Tectaria_macrodonta", + "21541": "woodsia", + "21542": "rusty_woodsia, fragrant_woodsia, oblong_woodsia, Woodsia_ilvensis", + "21543": "Alpine_woodsia, northern_woodsia, flower-cup_fern, Woodsia_alpina", + "21544": "smooth_woodsia, Woodsia_glabella", + "21545": "Boston_fern, Nephrolepis_exaltata, Nephrolepis_exaltata_bostoniensis", + "21546": "basket_fern, toothed_sword_fern, Nephrolepis_pectinata", + "21547": "golden_fern, leather_fern, Acrostichum_aureum", + "21548": "maidenhair, maidenhair_fern", + "21549": "common_maidenhair, Venushair, Venus'-hair_fern, southern_maidenhair, Venus_maidenhair, Adiantum_capillus-veneris", + "21550": "American_maidenhair_fern, five-fingered_maidenhair_fern, Adiantum_pedatum", + "21551": "Bermuda_maidenhair, Bermuda_maidenhair_fern, Adiantum_bellum", + "21552": "brittle_maidenhair, brittle_maidenhair_fern, Adiantum_tenerum", + "21553": "Farley_maidenhair, Farley_maidenhair_fern, Barbados_maidenhair, glory_fern, Adiantum_tenerum_farleyense", + "21554": "annual_fern, Jersey_fern, Anogramma_leptophylla", + "21555": "lip_fern, lipfern", + "21556": "smooth_lip_fern, Alabama_lip_fern, Cheilanthes_alabamensis", + "21557": "lace_fern, Cheilanthes_gracillima", + "21558": "wooly_lip_fern, hairy_lip_fern, Cheilanthes_lanosa", + "21559": "southwestern_lip_fern, Cheilanthes_eatonii", + "21560": "bamboo_fern, Coniogramme_japonica", + "21561": "American_rock_brake, American_parsley_fern, Cryptogramma_acrostichoides", + "21562": "European_parsley_fern, mountain_parsley_fern, Cryptogramma_crispa", + "21563": "hand_fern, Doryopteris_pedata", + "21564": "cliff_brake, cliff-brake, rock_brake", + "21565": "coffee_fern, Pellaea_andromedifolia", + "21566": "purple_rock_brake, Pellaea_atropurpurea", + "21567": "bird's-foot_fern, Pellaea_mucronata, Pellaea_ornithopus", + "21568": "button_fern, Pellaea_rotundifolia", + "21569": "silver_fern, Pityrogramma_argentea", + "21570": "golden_fern, Pityrogramma_calomelanos_aureoflava", + "21571": "gold_fern, Pityrogramma_chrysophylla", + "21572": "Pteris_cretica", + "21573": "spider_brake, spider_fern, Pteris_multifida", + "21574": "ribbon_fern, spider_fern, Pteris_serrulata", + "21575": "potato_fern, Marattia_salicina", + "21576": "angiopteris, giant_fern, Angiopteris_evecta", + "21577": "skeleton_fork_fern, Psilotum_nudum", + "21578": "horsetail", + "21579": "common_horsetail, field_horsetail, Equisetum_arvense", + "21580": "swamp_horsetail, water_horsetail, Equisetum_fluviatile", + "21581": "scouring_rush, rough_horsetail, Equisetum_hyemale, Equisetum_hyemale_robustum, Equisetum_robustum", + "21582": "marsh_horsetail, Equisetum_palustre", + "21583": "wood_horsetail, Equisetum_Sylvaticum", + "21584": "variegated_horsetail, variegated_scouring_rush, Equisetum_variegatum", + "21585": "club_moss, club-moss, lycopod", + "21586": "shining_clubmoss, Lycopodium_lucidulum", + "21587": "alpine_clubmoss, Lycopodium_alpinum", + "21588": "fir_clubmoss, mountain_clubmoss, little_clubmoss, Lycopodium_selago", + "21589": "ground_cedar, staghorn_moss, Lycopodium_complanatum", + "21590": "ground_fir, princess_pine, tree_clubmoss, Lycopodium_obscurum", + "21591": "foxtail_grass, Lycopodium_alopecuroides", + "21592": "spikemoss, spike_moss, little_club_moss", + "21593": "meadow_spikemoss, basket_spikemoss, Selaginella_apoda", + "21594": "desert_selaginella, Selaginella_eremophila", + "21595": "resurrection_plant, rose_of_Jericho, Selaginella_lepidophylla", + "21596": "florida_selaginella, Selaginella_eatonii", + "21597": "quillwort", + "21598": "earthtongue, earth-tongue", + "21599": "snuffbox_fern, meadow_fern, Thelypteris_palustris_pubescens, Dryopteris_thelypteris_pubescens", + "21600": "christella", + "21601": "mountain_fern, Oreopteris_limbosperma, Dryopteris_oreopteris", + "21602": "New_York_fern, Parathelypteris_novae-boracensis, Dryopteris_noveboracensis", + "21603": "Massachusetts_fern, Parathelypteris_simulata, Thelypteris_simulata", + "21604": "beech_fern", + "21605": "broad_beech_fern, southern_beech_fern, Phegopteris_hexagonoptera, Dryopteris_hexagonoptera, Thelypteris_hexagonoptera", + "21606": "long_beech_fern, narrow_beech_fern, northern_beech_fern, Phegopteris_connectilis, Dryopteris_phegopteris, Thelypteris_phegopteris", + "21607": "shoestring_fungus", + "21608": "Armillaria_caligata, booted_armillaria", + "21609": "Armillaria_ponderosa, white_matsutake", + "21610": "Armillaria_zelleri", + "21611": "honey_mushroom, honey_fungus, Armillariella_mellea", + "21612": "milkweed, silkweed", + "21613": "white_milkweed, Asclepias_albicans", + "21614": "poke_milkweed, Asclepias_exaltata", + "21615": "swamp_milkweed, Asclepias_incarnata", + "21616": "Mead's_milkweed, Asclepias_meadii, Asclepia_meadii", + "21617": "purple_silkweed, Asclepias_purpurascens", + "21618": "showy_milkweed, Asclepias_speciosa", + "21619": "poison_milkweed, horsetail_milkweed, Asclepias_subverticillata", + "21620": "butterfly_weed, orange_milkweed, chigger_flower, chiggerflower, pleurisy_root, tuber_root, Indian_paintbrush, Asclepias_tuberosa", + "21621": "whorled_milkweed, Asclepias_verticillata", + "21622": "cruel_plant, Araujia_sericofera", + "21623": "wax_plant, Hoya_carnosa", + "21624": "silk_vine, Periploca_graeca", + "21625": "stapelia, carrion_flower, starfish_flower", + "21626": "Stapelias_asterias", + "21627": "stephanotis", + "21628": "Madagascar_jasmine, waxflower, Stephanotis_floribunda", + "21629": "negro_vine, Vincetoxicum_hirsutum, Vincetoxicum_negrum", + "21630": "zygospore", + "21631": "tree_of_knowledge", + "21632": "orangery", + "21633": "pocketbook", + "21634": "shit, dump", + "21635": "cordage", + "21636": "yard, pace", + "21637": "extremum, peak", + "21638": "leaf_shape, leaf_form", + "21639": "equilateral", + "21640": "figure", + "21641": "pencil", + "21642": "plane_figure, two-dimensional_figure", + "21643": "solid_figure, three-dimensional_figure", + "21644": "line", + "21645": "bulb", + "21646": "convex_shape, convexity", + "21647": "concave_shape, concavity, incurvation, incurvature", + "21648": "cylinder", + "21649": "round_shape", + "21650": "heart", + "21651": "polygon, polygonal_shape", + "21652": "convex_polygon", + "21653": "concave_polygon", + "21654": "reentrant_polygon, reentering_polygon", + "21655": "amorphous_shape", + "21656": "closed_curve", + "21657": "simple_closed_curve, Jordan_curve", + "21658": "S-shape", + "21659": "wave, undulation", + "21660": "extrados", + "21661": "hook, crotchet", + "21662": "envelope", + "21663": "bight", + "21664": "diameter", + "21665": "cone, conoid, cone_shape", + "21666": "funnel, funnel_shape", + "21667": "oblong", + "21668": "circle", + "21669": "circle", + "21670": "equator", + "21671": "scallop, crenation, crenature, crenel, crenelle", + "21672": "ring, halo, annulus, doughnut, anchor_ring", + "21673": "loop", + "21674": "bight", + "21675": "helix, spiral", + "21676": "element_of_a_cone", + "21677": "element_of_a_cylinder", + "21678": "ellipse, oval", + "21679": "quadrate", + "21680": "triangle, trigon, trilateral", + "21681": "acute_triangle, acute-angled_triangle", + "21682": "isosceles_triangle", + "21683": "obtuse_triangle, obtuse-angled_triangle", + "21684": "right_triangle, right-angled_triangle", + "21685": "scalene_triangle", + "21686": "parallel", + "21687": "trapezoid", + "21688": "star", + "21689": "pentagon", + "21690": "hexagon", + "21691": "heptagon", + "21692": "octagon", + "21693": "nonagon", + "21694": "decagon", + "21695": "rhombus, rhomb, diamond", + "21696": "spherical_polygon", + "21697": "spherical_triangle", + "21698": "convex_polyhedron", + "21699": "concave_polyhedron", + "21700": "cuboid", + "21701": "quadrangular_prism", + "21702": "bell, bell_shape, campana", + "21703": "angular_distance", + "21704": "true_anomaly", + "21705": "spherical_angle", + "21706": "angle_of_refraction", + "21707": "acute_angle", + "21708": "groove, channel", + "21709": "rut", + "21710": "bulge, bump, hump, swelling, gibbosity, gibbousness, jut, prominence, protuberance, protrusion, extrusion, excrescence", + "21711": "belly", + "21712": "bow, arc", + "21713": "crescent", + "21714": "ellipsoid", + "21715": "hypotenuse", + "21716": "balance, equilibrium, equipoise, counterbalance", + "21717": "conformation", + "21718": "symmetry, proportion", + "21719": "spheroid, ellipsoid_of_revolution", + "21720": "spherule", + "21721": "toroid", + "21722": "column, tower, pillar", + "21723": "barrel, drum", + "21724": "pipe, tube", + "21725": "pellet", + "21726": "bolus", + "21727": "dewdrop", + "21728": "ridge", + "21729": "rim", + "21730": "taper", + "21731": "boundary, edge, bound", + "21732": "incisure, incisura", + "21733": "notch", + "21734": "wrinkle, furrow, crease, crinkle, seam, line", + "21735": "dermatoglyphic", + "21736": "frown_line", + "21737": "line_of_life, life_line, lifeline", + "21738": "line_of_heart, heart_line, love_line, mensal_line", + "21739": "crevice, cranny, crack, fissure, chap", + "21740": "cleft", + "21741": "roulette, line_roulette", + "21742": "node", + "21743": "tree, tree_diagram", + "21744": "stemma", + "21745": "brachium", + "21746": "fork, crotch", + "21747": "block, cube", + "21748": "ovoid", + "21749": "tetrahedron", + "21750": "pentahedron", + "21751": "hexahedron", + "21752": "regular_polyhedron, regular_convex_solid, regular_convex_polyhedron, Platonic_body, Platonic_solid, ideal_solid", + "21753": "polyhedral_angle", + "21754": "cube, regular_hexahedron", + "21755": "truncated_pyramid", + "21756": "truncated_cone", + "21757": "tail, tail_end", + "21758": "tongue, knife", + "21759": "trapezohedron", + "21760": "wedge, wedge_shape, cuneus", + "21761": "keel", + "21762": "place, shoes", + "21763": "herpes", + "21764": "chlamydia", + "21765": "wall", + "21766": "micronutrient", + "21767": "chyme", + "21768": "ragweed_pollen", + "21769": "pina_cloth", + "21770": "chlorobenzylidenemalononitrile, CS_gas", + "21771": "carbon, C, atomic_number_6", + "21772": "charcoal, wood_coal", + "21773": "rock, stone", + "21774": "gravel, crushed_rock", + "21775": "aflatoxin", + "21776": "alpha-tocopheral", + "21777": "leopard", + "21778": "bricks_and_mortar", + "21779": "lagging", + "21780": "hydraulic_cement, Portland_cement", + "21781": "choline", + "21782": "concrete", + "21783": "glass_wool", + "21784": "soil, dirt", + "21785": "high_explosive", + "21786": "litter", + "21787": "fish_meal", + "21788": "Greek_fire", + "21789": "culture_medium, medium", + "21790": "agar, nutrient_agar", + "21791": "blood_agar", + "21792": "hip_tile, hipped_tile", + "21793": "hyacinth, jacinth", + "21794": "hydroxide_ion, hydroxyl_ion", + "21795": "ice, water_ice", + "21796": "inositol", + "21797": "linoleum, lino", + "21798": "lithia_water", + "21799": "lodestone, loadstone", + "21800": "pantothenic_acid, pantothen", + "21801": "paper", + "21802": "papyrus", + "21803": "pantile", + "21804": "blacktop, blacktopping", + "21805": "tarmacadam, tarmac", + "21806": "paving, pavement, paving_material", + "21807": "plaster", + "21808": "poison_gas", + "21809": "ridge_tile", + "21810": "roughcast", + "21811": "sand", + "21812": "spackle, spackling_compound", + "21813": "render", + "21814": "wattle_and_daub", + "21815": "stucco", + "21816": "tear_gas, teargas, lacrimator, lachrymator", + "21817": "toilet_tissue, toilet_paper, bathroom_tissue", + "21818": "linseed, flaxseed", + "21819": "vitamin", + "21820": "fat-soluble_vitamin", + "21821": "water-soluble_vitamin", + "21822": "vitamin_A, antiophthalmic_factor, axerophthol, A", + "21823": "vitamin_A1, retinol", + "21824": "vitamin_A2, dehydroretinol", + "21825": "B-complex_vitamin, B_complex, vitamin_B_complex, vitamin_B, B_vitamin, B", + "21826": "vitamin_B1, thiamine, thiamin, aneurin, antiberiberi_factor", + "21827": "vitamin_B12, cobalamin, cyanocobalamin, antipernicious_anemia_factor", + "21828": "vitamin_B2, vitamin_G, riboflavin, lactoflavin, ovoflavin, hepatoflavin", + "21829": "vitamin_B6, pyridoxine, pyridoxal, pyridoxamine, adermin", + "21830": "vitamin_Bc, vitamin_M, folate, folic_acid, folacin, pteroylglutamic_acid, pteroylmonoglutamic_acid", + "21831": "niacin, nicotinic_acid", + "21832": "vitamin_D, calciferol, viosterol, ergocalciferol, cholecalciferol, D", + "21833": "vitamin_E, tocopherol, E", + "21834": "biotin, vitamin_H", + "21835": "vitamin_K, naphthoquinone, antihemorrhagic_factor", + "21836": "vitamin_K1, phylloquinone, phytonadione", + "21837": "vitamin_K3, menadione", + "21838": "vitamin_P, bioflavinoid, citrin", + "21839": "vitamin_C, C, ascorbic_acid", + "21840": "planking", + "21841": "chipboard, hardboard", + "21842": "knothole" + }, + "image_size": 384, + "initializer_range": 0.02, + "is_decoder": false, + "is_encoder_decoder": false, + "label2id": { + "A-line": 4242, + "AND_circuit, AND_gate": 4280, + "A_battery": 4138, + "Abbe_condenser": 4141, + "Aberdeen_Angus, Angus, black_Angus": 3349, + "Abney_level": 4145, + "Abyssinian, Abyssinian_cat": 2407, + "Abyssinian_banana, Ethiopian_banana, Ensete_ventricosum, Musa_ensete": 19369, + "Accipitriformes, order_Accipitriformes": 812, + "Adam's_needle, Adam's_needle-and-thread, spoonleaf_yucca, needle_palm, Yucca_filamentosa": 19692, + "Adelie, Adelie_penguin, Pygoscelis_adeliae": 2080, + "Adventist, Second_Adventist": 14584, + "Aegean_island": 14212, + "Aegypiidae, family_Aegypiidae": 859, + "Aegyptopithecus": 3598, + "Aertex": 4188, + "Afghan, Afghanistani": 14603, + "Afghan_hound, Afghan": 2189, + "African_bowstring_hemp, African_hemp, Sansevieria_guineensis": 19685, + "African_chameleon, Chamaeleo_chamaeleon": 1081, + "African_clawed_frog, Xenopus_laevis": 983, + "African_coral_snake, Aspidelaps_lubricus": 1212, + "African_crocodile, Nile_crocodile, Crocodylus_niloticus": 1088, + "African_daisy": 18306, + "African_daisy, yellow_ageratum, Lonas_inodora, Lonas_annua": 18368, + "African_elephant, Loxodonta_africana": 3674, + "African_grey, African_gray, Psittacus_erithacus": 1427, + "African_hemp, Sparmannia_africana": 18952, + "African_holly, Solanum_giganteum": 20799, + "African_hunting_dog, hyena_dog, Cape_hunting_dog, Lycaon_pictus": 2368, + "African_lily, African_tulip, blue_African_lily, Agapanthus_africanus": 19557, + "African_mahogany": 20259, + "African_marigold, big_marigold, Aztec_marigold, Tagetes_erecta": 18446, + "African_monitor, Varanus_niloticus": 1084, + "African_oil_palm, Elaeis_guineensis": 19953, + "African_scented_mahogany, cedar_mahogany, sapele_mahogany, Entandrophragma_cylindricum": 20255, + "African_violet, Saintpaulia_ionantha": 20621, + "African_wild_ass, Equus_asinus": 3292, + "Africander": 3350, + "Africanized_bee, Africanized_honey_bee, killer_bee, Apis_mellifera_scutellata, Apis_mellifera_adansonii": 2665, + "Afrikaner, Afrikander, Boer": 14504, + "Afro-wig": 4190, + "Agave_tequilana": 19680, + "Airedale, Airedale_terrier": 2241, + "Aladdin's_lamp": 4231, + "Alaska_Native, Alaskan_Native, Native_Alaskan": 14738, + "Alaska_fur_seal, Callorhinus_ursinus": 2146, + "Alaska_rein_orchid, Habenaria_unalascensis": 18571, + "Alaskan_brown_bear, Kodiak_bear, Kodiak, Ursus_middendorffi, Ursus_arctos_middendorffi": 2449, + "Albanian": 14604, + "Albatrellus_dispansus": 21191, + "Albatrellus_ovinus, sheep_polypore": 21192, + "Aleuria_aurantia, orange_peel_fungus": 21138, + "Alexandria_senna, Alexandrian_senna, true_senna, tinnevelly_senna, Indian_senna, Senna_alexandrina, Cassia_acutifolia, Cassia_augustifolia": 19728, + "Alexandrian_laurel, Calophyllum_inophyllum": 19395, + "Algerian": 14605, + "Allegheny_chinkapin, eastern_chinquapin, chinquapin, dwarf_chestnut, Castanea_pumila": 19086, + "Allegheny_plum, Alleghany_plum, sloe, Prunus_alleghaniensis": 20070, + "Allegheny_spurge, Allegheny_mountain_spurge, Pachysandra_procumbens": 20395, + "Allen_screw": 4243, + "Allen_wrench": 4244, + "Alpine_anemone, mountain_anemone, Anemone_tetonensis": 17651, + "Alpine_besseya, Besseya_alpina": 20751, + "Alpine_celery_pine, Phyllocladus_alpinus": 17481, + "Alpine_fir, subalpine_fir, Abies_lasiocarpa": 17409, + "Alpine_glacier, Alpine_type_of_glacier": 14220, + "Alpine_lady_fern, Athyrium_distentifolium": 21520, + "Alpine_mouse-ear, Arctic_mouse-ear, Cerastium_alpinum": 17854, + "Alpine_woodsia, northern_woodsia, flower-cup_fern, Woodsia_alpina": 21543, + "Alsophila_pometaria": 2909, + "Altaic": 14606, + "Amati": 4255, + "Amazon_ant, Polyergus_rufescens": 2714, + "American": 14736, + "American_Staffordshire_terrier, Staffordshire_terrier, American_pit_bull_terrier, pit_bull_terrier": 2223, + "American_agave, Agave_americana": 19676, + "American_alligator, Alligator_mississipiensis": 1093, + "American_angelica_tree, devil's_walking_stick, Hercules'-club, Aralia_spinosa": 17827, + "American_arborvitae, northern_white_cedar, white_cedar, Thuja_occidentalis": 17459, + "American_badger, Taxidea_taxus": 3527, + "American_barberry, Berberis_canadensis": 17583, + "American_basswood, American_lime, Tilia_americana": 18946, + "American_beech, white_beech, red_beech, Fagus_grandifolia, Fagus_americana": 19078, + "American_bison, American_buffalo, buffalo, Bison_bison": 3376, + "American_bittern, stake_driver, Botaurus_lentiginosus": 1929, + "American_black_bear, black_bear, Ursus_americanus, Euarctos_americanus": 2450, + "American_bog_asphodel, Narthecium_americanum": 19652, + "American_bugbane, summer_cohosh, Cimicifuga_americana": 17665, + "American_chameleon, anole, Anolis_carolinensis": 1048, + "American_chestnut, American_sweet_chestnut, Castanea_dentata": 19082, + "American_cockroach, Periplaneta_americana": 2743, + "American_coot, marsh_hen, mud_hen, water_hen, Fulica_americana": 1951, + "American_copper, Lycaena_hypophlaeas": 2892, + "American_crab_apple, garland_crab, Malus_coronaria": 20059, + "American_cranberry, large_cranberry, Vaccinium_macrocarpon": 19037, + "American_crayfish": 1863, + "American_crow, Corvus_brachyrhyncos": 718, + "American_dewberry, Rubus_canadensis": 20135, + "American_dog_violet, Viola_conspersa": 19449, + "American_egret, great_white_heron, Egretta_albus": 1922, + "American_elm, white_elm, water_elm, rock_elm, Ulmus_americana": 19494, + "American_feverfew, wild_quinine, prairie_dock, Parthenium_integrifolium": 18385, + "American_fly_honeysuckle, fly_honeysuckle, Lonicera_canadensis": 20191, + "American_flying_squirrel": 3156, + "American_football, American_football_game": 127, + "American_foxhound": 2201, + "American_frogbit, Limnodium_spongia": 20007, + "American_gallinule, Porphyrula_martinica": 1948, + "American_germander, wood_sage, Teucrium_canadense": 20729, + "American_green_toad, Bufo_debilis": 956, + "American_hackberry, Celtis_occidentalis": 19510, + "American_harvest_mouse, harvest_mouse": 3066, + "American_hazel, Corylus_americana": 19182, + "American_holly, Christmas_holly": 20427, + "American_hornbeam, Carpinus_caroliniana": 19177, + "American_lady_crab, lady_crab, calico_crab, Ovalipes_ocellatus": 1846, + "American_larch, tamarack, black_larch, Larix_laricina": 17395, + "American_lobster, Northern_lobster, Maine_lobster, Homarus_americanus": 1856, + "American_magpie, Pica_pica_hudsonia": 735, + "American_maidenhair_fern, five-fingered_maidenhair_fern, Adiantum_pedatum": 21550, + "American_marten, American_sable, Martes_americana": 3538, + "American_merganser, Mergus_merganser_americanus": 1551, + "American_mink, Mustela_vison": 3510, + "American_mistletoe, Arceuthobium_pusillum": 20375, + "American_mistletoe, Phoradendron_serotinum, Phoradendron_flavescens": 20377, + "American_mountain_ash, Sorbus_americana": 20150, + "American_oil_palm, Elaeis_oleifera": 19954, + "American_organ": 4258, + "American_parasol, Lepiota_americana": 21092, + "American_persimmon, possumwood, Diospyros_virginiana": 20473, + "American_plaice, Hippoglossoides_platessoides": 4117, + "American_quaking_aspen, American_aspen, Populus_tremuloides": 20368, + "American_raspberry, Rubus_strigosus, Rubus_idaeus_strigosus": 20142, + "American_red_elder, red-berried_elder, stinking_elder, Sambucus_pubens": 20206, + "American_red_plum, August_plum, goose_plum, Prunus_americana": 20071, + "American_red_squirrel, spruce_squirrel, red_squirrel, Sciurus_hudsonicus, Tamiasciurus_hudsonicus": 3141, + "American_redstart, redstart, Setophaga_ruticilla": 677, + "American_rock_brake, American_parsley_fern, Cryptogramma_acrostichoides": 21561, + "American_saddle_horse": 3223, + "American_shrew_mole, Neurotrichus_gibbsii": 1642, + "American_smooth_dogfish, Mustelus_canis": 480, + "American_spikenard, petty_morel, life-of-man, Aralia_racemosa": 17828, + "American_sycamore, American_plane, buttonwood, Platanus_occidentalis": 20555, + "American_toad, Bufo_americanus": 954, + "American_turkey_oak, turkey_oak, Quercus_laevis": 19123, + "American_twinflower, Linnaea_borealis_americana": 20189, + "American_water_ouzel, Cinclus_mexicanus": 803, + "American_water_shrew, Sorex_palustris": 1648, + "American_water_spaniel": 2284, + "American_watercress, mountain_watercress, Cardamine_rotundifolia": 18042, + "American_white_birch, paper_birch, paperbark_birch, canoe_birch, Betula_cordifolia, Betula_papyrifera": 19156, + "American_white_oak, Quercus_alba": 19108, + "American_white_pine, eastern_white_pine, weymouth_pine, Pinus_strobus": 17369, + "American_widgeon, baldpate, Anas_americana": 1524, + "American_wistaria, American_wisteria, Wisteria_frutescens": 19924, + "American_woodcock, woodcock_snipe, Philohela_minor": 1995, + "Amhara": 14649, + "Amniota": 431, + "Amur_privet, Ligustrum_amurense": 19241, + "Anabaptist": 14583, + "Andean_condor, Vultur_gryphus": 869, + "Andorran": 14607, + "Angle": 14637, + "Anglican": 15271, + "Anglo-American": 14737, + "Anglo-Saxon": 14636, + "Angolan": 14608, + "Angora, Angora_cat": 2401, + "Angora, Angora_goat": 3415, + "Angora, Angora_rabbit": 3042, + "Anguillan": 14609, + "Anzac": 14881, + "Apalachicola_rosemary, Conradina_glabra": 20657, + "Appaloosa": 3224, + "Appenzeller": 2314, + "April_fool": 14887, + "Arabian, Arab": 3225, + "Arabian_camel, dromedary, Camelus_dromedarius": 3493, + "Arabian_coffee, Coffea_arabica": 20163, + "Arabidopsis_lyrata": 18011, + "Arabidopsis_thaliana, mouse-ear_cress": 18010, + "Arabist": 14891, + "Archilochus_colubris": 1475, + "Arctic_char, Salvelinus_alpinus": 3777, + "Arctic_fox, white_fox, Alopex_lagopus": 2383, + "Arctic_ground_squirrel, parka_squirrel, Citellus_parryi": 3149, + "Arenaviridae": 241, + "Aristotelian, Aristotelean, Peripatetic": 14898, + "Arizona_ash, Fraxinus_velutina": 19235, + "Arizona_cypress, Cupressus_arizonica": 17440, + "Arizona_sycamore, Platanus_wrightii": 20558, + "Arizona_white_oak, Quercus_arizonica": 19109, + "Arkansan, Arkansawyer": 14739, + "Arkansas_kingbird, western_kingbird": 609, + "Armagnac": 13878, + "Armillaria_caligata, booted_armillaria": 21608, + "Armillaria_ponderosa, white_matsutake": 21609, + "Armillaria_zelleri": 21610, + "Arminian": 17138, + "Arnica_montana": 18148, + "Aryan": 14505, + "Ashkenazi": 14463, + "Asian_black_grouse, Lyrurus_mlokosiewiczi": 1346, + "Asian_crocodile, Crocodylus_porosus": 1089, + "Asian_horseshoe_crab": 1309, + "Asian_longhorned_beetle, Anoplophora_glabripennis": 2595, + "Asian_tiger_mosquito, Aedes_albopictus": 2642, + "Asian_wild_ox": 3372, + "Asiatic_black_bear, black_bear, Ursus_thibetanus, Selenarctos_thibetanus": 2452, + "Asiatic_flying_squirrel": 3163, + "Asiatic_shrew_mole, Uropsilus_soricipes": 1641, + "Asiatic_sweetleaf, sapphire_berry, Symplocus_paniculata": 20487, + "Aspergillus_fumigatus": 21131, + "Astreus_hygrometricus": 21185, + "Astreus_pteridis": 21184, + "Astrophyton_muricatum": 3011, + "Athenian": 14663, + "Atlantic_bottlenose_dolphin, Tursiops_truncatus": 2122, + "Atlantic_cod, Gadus_morhua": 3722, + "Atlantic_croaker, Micropogonias_undulatus": 3940, + "Atlantic_halibut, Hippoglossus_hippoglossus": 4119, + "Atlantic_herring, Clupea_harengus_harengus": 3751, + "Atlantic_manta, Manta_birostris": 503, + "Atlantic_puffin, Fratercula_arctica": 2054, + "Atlantic_ridley, bastard_ridley, bastard_turtle, Lepidochelys_kempii": 996, + "Atlantic_sailfish, Istiophorus_albicans": 4039, + "Atlantic_salmon, Salmo_salar": 3765, + "Atlantic_sea_bream, Archosargus_rhomboidalis": 3924, + "Atlantic_spiny_dogfish, Squalus_acanthias": 484, + "Atlantic_tripletail, Lobotes_surinamensis": 4055, + "Atlantic_walrus, Odobenus_rosmarus": 2159, + "Atlas_cedar, Cedrus_atlantica": 17414, + "Audubon's_caracara, Polyborus_cheriway_audubonii": 844, + "Audubon's_warbler, Audubon_warbler, Dendroica_auduboni": 681, + "Augustinian": 17243, + "Australian_blacksnake, Pseudechis_porphyriacus": 1226, + "Australian_cockroach, Periplaneta_australasiae": 2744, + "Australian_coral_snake, Rhynchoelaps_australis": 1213, + "Australian_heath": 19058, + "Australian_magpie": 736, + "Australian_nettle, Australian_nettle_tree": 19463, + "Australian_pea, Dipogon_lignosus, Dolichos_lignosus": 19791, + "Australian_pine, Casuarina_equisetfolia": 18984, + "Australian_pitcher_plant, Cephalotus_follicularis": 20504, + "Australian_reed_grass, Calamagrostic_quadriseta": 18699, + "Australian_sea_lion, Zalophus_lobatus": 2150, + "Australian_sumac, Rhodosphaera_rhodanthema, Rhus_rhodanthema": 20445, + "Australian_terrier": 2243, + "Australian_turtledove, turtledove, Stictopelia_cuneata": 1411, + "Australopithecus_afarensis": 3589, + "Australopithecus_africanus": 3590, + "Australopithecus_boisei": 3591, + "Australopithecus_robustus": 3593, + "Austrian": 14610, + "Ayrshire": 3352, + "Aztec": 14520, + "B-complex_vitamin, B_complex, vitamin_B_complex, vitamin_B, B_vitamin, B": 21825, + "B-flat_clarinet, licorice_stick": 4769, + "BB_gun": 4683, + "BVD, BVD's": 5196, + "B_battery": 4682, + "Bacillus_anthracis, anthrax_bacillus": 262, + "Bactrian_camel, Camelus_bactrianus": 3494, + "Bahamian": 14611, + "Bahia_grass, Paspalum_notatum": 18742, + "Bahraini, Bahreini": 14612, + "Bailey_bridge": 4504, + "Baldwin": 12997, + "Baltimore_oriole, Baltimore_bird, hangbird, firebird, Icterus_galbula_galbula": 693, + "Band_Aid": 4550, + "Barbadian": 14616, + "Barbados_gooseberry, Barbados-gooseberry_vine, Pereskia_aculeata": 17968, + "Barbados_gooseberry, blade_apple": 13184, + "Barbary_ape, Macaca_sylvana": 3630, + "Barberton_daisy, Transvaal_daisy, Gerbera_jamesonii": 18307, + "Barnaby's_thistle, yellow_star-thistle, Centaurea_solstitialis": 18236, + "Barrow's_goldeneye, Bucephala_islandica": 1532, + "Basket_Maker": 14984, + "Basotho": 14613, + "Bavarian": 14991, + "Bavarian_blue": 13551, + "Bavarian_cream": 12610, + "Beaujolais": 13812, + "Bechtel_crab, flowering_crab": 20063, + "Beckman_thermometer": 4704, + "Bedford_cord": 4709, + "Bedlington_terrier": 2224, + "Bedouin, Beduin": 14996, + "Belgian_endive, French_endive, witloof": 12950, + "Belgian_hare, leporide": 3041, + "Belgian_sheepdog, Belgian_shepherd": 2294, + "Bengal_tiger": 2437, + "Bercy, Bercy_butter": 13436, + "Berliner": 14763, + "Bermuda_buttercup, English-weed, Oxalis_pes-caprae, Oxalis_cernua": 20266, + "Bermuda_chub, rudderfish, Kyphosus_sectatrix": 3966, + "Bermuda_maidenhair, Bermuda_maidenhair_fern, Adiantum_bellum": 21551, + "Bermuda_onion": 12884, + "Bermuda_shorts, Jamaica_shorts": 4760, + "Bernese_mountain_dog": 2313, + "Bessemer_converter": 4763, + "Bewick's_swan, Cygnus_columbianus_bewickii": 1575, + "Bibb_lettuce": 12895, + "Big_Blue, BLU-82": 4786, + "Big_Brother": 15011, + "Biloxi": 14522, + "Black, Black_person, blackamoor, Negro, Negroid": 14506, + "Black_African": 14503, + "Black_Muslim": 15024, + "Black_woman": 14507, + "Blackburn, Blackburnian_warbler, Dendroica_fusca": 680, + "Blackfoot": 14523, + "Blenheim_spaniel": 2181, + "Bletilla_striata, Bletia_striata": 18508, + "Bloody_Mary": 13936, + "Blue_Mountain_tea, sweet_goldenrod, Solidago_odora": 18430, + "Bofors_gun": 4901, + "Bohemian_waxwing, Bombycilla_garrulus": 810, + "Boletellus_russellii": 21218, + "Boletus_chrysenteron": 21201, + "Boletus_edulis": 21202, + "Boletus_luridus": 21204, + "Boletus_mirabilis": 21205, + "Boletus_pallidus": 21206, + "Boletus_pulcherrimus": 21207, + "Boletus_pulverulentus": 21208, + "Boletus_roxanae": 21209, + "Boletus_subvelutipes": 21210, + "Boletus_variipes": 21211, + "Boletus_zelleri": 21212, + "Bolivian": 14617, + "Bolshevik, Bolshevist": 15038, + "Bolshevik, Marxist, red, bolshie, bolshy": 15037, + "Boott's_goldenrod": 18434, + "Bordeaux, Bordeaux_wine": 13820, + "Border_collie": 2303, + "Border_terrier": 2225, + "Bornean": 14618, + "Boston_baked_beans": 13629, + "Boston_bull, Boston_terrier": 2245, + "Boston_fern, Nephrolepis_exaltata, Nephrolepis_exaltata_bostoniensis": 21545, + "Boston_ivy, Japanese_ivy, Parthenocissus_tricuspidata": 21419, + "Boston_lettuce": 12896, + "Boston_rocker": 4958, + "Boswellia_carteri": 20241, + "Bourbon": 15060, + "Bouvier_des_Flandres, Bouviers_des_Flandres": 2304, + "Bowie_knife": 4980, + "Boy_Scout": 15064, + "Brabancon_griffon": 2346, + "Brahman, Brahma, Brahmin, Bos_indicus": 3341, + "Brahui": 14705, + "Bramley's_Seedling": 13016, + "Braun's_holly_fern, prickly_shield_fern, Polystichum_braunii": 21535, + "Brazilian_guava, Psidium_guineense": 19309, + "Brazilian_pepper_tree, Schinus_terebinthifolius": 20453, + "Brazilian_rosewood, caviuna_wood, jacaranda, Dalbergia_nigra": 19782, + "Brazilian_trumpeter, Psophia_crepitans": 1960, + "Bren, Bren_gun": 5055, + "Brie": 13552, + "Britisher, Briton, Brit": 14633, + "Brittany_spaniel": 2275, + "Brother": 15078, + "Brown_Swiss": 3353, + "Browning_automatic_rifle, BAR": 5100, + "Browning_machine_gun, Peacemaker": 5101, + "Brucella": 264, + "Brule": 14524, + "Brummie, Brummy": 15081, + "Bruneian": 14621, + "Brunswick_stew": 12414, + "Brussels_carpet": 5105, + "Brussels_lace": 5106, + "Buddhist": 14593, + "Bulgarian": 14622, + "Bullock's_oriole, Icterus_galbula_bullockii": 694, + "Burberry": 5160, + "Burgundy, Burgundy_wine": 13811, + "Burmese_cat": 2404, + "Burton": 13789, + "Byelorussian, Belorussian, White_Russian": 14623, + "C-clamp": 5471, + "C-ration": 12290, + "CD-R, compact_disc_recordable, CD-WO, compact_disc_write-once": 5474, + "CD-ROM, compact_disc_read-only_memory": 5475, + "CD-ROM_drive": 5476, + "CD_drive": 5472, + "CD_player": 5473, + "CPU_board, mother_board": 6010, + "C_battery": 5470, + "Cabernet, Cabernet_Sauvignon": 13823, + "Caddo": 14525, + "Caesar_salad": 13263, + "Caladium_bicolor": 17797, + "California_black_oak, Quercus_kelloggii": 19122, + "California_black_walnut, Juglans_californica": 19263, + "California_bluebell, Phacelia_campanularia": 20632, + "California_bluebell, whitlavia, Phacelia_minor, Phacelia_whitlavia": 20633, + "California_box_elder, Acer_negundo_Californicum": 20418, + "California_condor, Gymnogyps_californianus": 870, + "California_four_o'clock, Mirabilis_laevis, Mirabilis_californica": 17940, + "California_fuchsia, humming_bird's_trumpet, Epilobium_canum_canum, Zauschneria_californica": 19344, + "California_lady's_slipper, Cypripedium_californicum": 18537, + "California_laurel, California_bay_tree, Oregon_myrtle, pepperwood, spice_tree, sassafras_laurel, California_olive, mountain_laurel, Umbellularia_californica": 17606, + "California_newt, Taricha_torosa": 904, + "California_nutmeg, nutmeg-yew, Torreya_californica": 17476, + "California_poppy, Eschscholtzia_californica": 18099, + "California_quail, Lofortyx_californicus": 1389, + "California_sea_lion, Zalophus_californianus, Zalophus_californicus": 2149, + "California_single-leaf_pinyon, Pinus_californiarum": 17357, + "California_sycamore, Platanus_racemosa": 20557, + "California_whipsnake, striped_racer, Masticophis_lateralis": 1157, + "California_white_oak, valley_oak, valley_white_oak, roble, Quercus_lobata": 19125, + "California_wine": 13826, + "Caloscypha_fulgens": 21137, + "Calostoma_cinnabarina": 21176, + "Calostoma_lutescens": 21175, + "Calostoma_ravenelii": 21177, + "Calvados": 13877, + "Calvary_clover, Medicago_intertexta, Medicago_echinus": 19844, + "Camembert": 13554, + "Cameroonian": 14624, + "Canada_anemone, Anemone_Canadensis": 17652, + "Canada_garlic, meadow_leek, rose_leek, Allium_canadense": 19564, + "Canada_ginger, black_snakeroot, Asarum_canadense": 17840, + "Canada_jay, grey_jay, gray_jay, camp_robber, whisker_jack, Perisoreus_canadensis": 728, + "Canada_lily, wild_yellow_lily, meadow_lily, wild_meadow_lily, Lilium_canadense": 19547, + "Canada_lynx, Lynx_canadensis": 2423, + "Canada_plum, Prunus_nigra": 20078, + "Canada_porcupine, Erethizon_dorsatum": 3111, + "Canada_thistle, creeping_thistle, Cirsium_arvense": 18251, + "Canada_wild_rye, Elymus_canadensis": 18718, + "Canadian": 14625, + "Canadian_aspen, bigtooth_aspen, bigtoothed_aspen, big-toothed_aspen, large-toothed_aspen, large_tooth_aspen, Populus_grandidentata": 20369, + "Canadian_pondweed, Elodea_canadensis": 20009, + "Canary_Island_hare's_foot_fern, Davallia_canariensis": 21504, + "Canary_wine": 13814, + "Candida_albicans, Monilia_albicans": 21273, + "Cantabrigian": 14641, + "Canterbury_bell, Gloxinia_perennis": 20619, + "Canterbury_bell, cup_and_saucer, Campanula_medium": 18488, + "Canton_crepe": 5308, + "Cape_May_warbler, Dendroica_tigrina": 678, + "Cape_buffalo, Synercus_caffer": 3371, + "Cape_lobster, Homarus_capensis": 1858, + "Cape_primrose": 20623, + "Cape_tulip, Haemanthus_coccineus": 19538, + "Cardigan, Cardigan_Welsh_corgi": 2349, + "Carib, Carib_Indian": 14707, + "Carioca": 14619, + "Carmelite, White_Friar": 17242, + "Carniolan_bee": 2667, + "Carolina_allspice, strawberry_shrub, strawberry_bush, sweet_shrub, Calycanthus_floridus": 17591, + "Carolina_buckthorn, indian_cherry, Rhamnus_carolinianus": 21400, + "Carolina_chickadee, Parus_carolinensis": 768, + "Carolina_hemlock, Tsuga_caroliniana": 17428, + "Carolina_lupine, Thermopsis_villosa": 19903, + "Carolina_moonseed, Cocculus_carolinus": 17624, + "Carolina_parakeet, Conuropsis_carolinensis": 1441, + "Carolina_spring_beauty, Claytonia_caroliniana": 17983, + "Carolina_wren, Thryothorus_ludovicianus": 747, + "Carolinian": 14740, + "Cartagena_bark, Cinchona_cordifolia, Cinchona_lancifolia": 20167, + "Cartesian": 15126, + "Cashmere_goat, Kashmir_goat": 3414, + "Cassegrainian_telescope, Gregorian_telescope": 5426, + "Cassin's_kingbird, Tyrannus_vociferans": 610, + "Catalina_cherry, Prunus_lyonii": 20106, + "Catalpa_bignioides": 20570, + "Catalpa_speciosa": 20571, + "Catawba": 13122, + "Caterpillar, cat": 5452, + "Catha_edulis": 17335, + "Cathaya": 17434, + "Catholic": 14587, + "Catholicos": 15134, + "Caucasian_walnut, Pterocarya_fraxinifolia": 19277, + "Cavalier, Royalist": 15136, + "Centigrade_thermometer": 5492, + "Central_American": 14627, + "Ceylon_bowstring_hemp, Sansevieria_zeylanica": 19686, + "Chablis, white_Burgundy": 13815, + "Chaldean, Chaldaean, Chaldee": 14512, + "Chardonnay, Pinot_Chardonnay": 13817, + "Charolais": 3354, + "Chartreuse": 13911, + "Chechen": 15164, + "Chenin_blanc": 21416, + "Cheops, Khufu": 15169, + "Cherokee_rose, Rosa_laevigata": 20023, + "Chesapeake_Bay_retriever": 2266, + "Cheshire_cheese": 13557, + "Cheviot": 3395, + "Cheyenne": 14526, + "Chianti": 13822, + "Chicano": 14692, + "Chickasaw": 14527, + "Chief_Secretary": 15174, + "Chihuahua": 2174, + "Chihuahuan_spotted_whiptail, Cnemidophorus_exsanguis": 1058, + "Chile_bonito, Chilean_bonito, Pacific_bonito, Sarda_chiliensis": 4034, + "Chilean": 14628, + "Chilean_cedar, Austrocedrus_chilensis": 17446, + "Chilean_firebush, Chilean_flameflower, Embothrium_coccineum": 18960, + "Chilean_jasmine, Mandevilla_laxa": 17773, + "Chilean_nut, Chile_nut, Chile_hazel, Chilean_hazelnut, Guevina_heterophylla, Guevina_avellana": 18961, + "Chilean_rimu, Lepidothamnus_fonkii": 17500, + "China_aster, Callistephus_chinensis": 18218, + "China_tree, false_dogwood, jaboncillo, chinaberry, Sapindus_saponaria": 20381, + "Chinese_alligator, Alligator_sinensis": 1094, + "Chinese_angelica, Chinese_angelica_tree, Aralia_stipulata": 17831, + "Chinese_anise, star_anise, star_aniseed": 13385, + "Chinese_brown_sauce, brown_sauce": 13441, + "Chinese_cabbage, celery_cabbage, Chinese_celery": 12830, + "Chinese_chestnut, Castanea_mollissima": 19084, + "Chinese_cork_oak, Quercus_variabilis": 19149, + "Chinese_elm, Ulmus_parvifolia": 19501, + "Chinese_forget-me-not, Cynoglossum_amabile": 20583, + "Chinese_goose, Anser_cygnoides": 1558, + "Chinese_gooseberry, kiwi, kiwi_vine, Actinidia_chinensis, Actinidia_deliciosa": 19414, + "Chinese_holly, Ilex_cornuta": 20423, + "Chinese_lantern": 5586, + "Chinese_mustard": 13335, + "Chinese_paddlefish, Psephurus_gladis": 4064, + "Chinese_parasol_tree, Chinese_parasol, Japanese_varnish_tree, phoenix_tree, Firmiana_simplex": 18933, + "Chinese_pea_tree, Caragana_sinica": 19754, + "Chinese_primrose, Primula_sinensis": 18635, + "Chinese_puzzle": 5587, + "Chinese_rhubarb, Rheum_palmatum": 19991, + "Chinese_wistaria, Wisteria_chinensis": 19923, + "Chlorophyllum_molybdites": 21086, + "Christ's-thorn, Jerusalem_thorn, Paliurus_spina-christi": 21405, + "Christmas_begonia, blooming-fool_begonia, Begonia_cheimantha": 19381, + "Christmas_bells": 19594, + "Christmas_bush, Christmas_tree, Ceratopetalum_gummiferum": 20510, + "Christmas_cactus, Schlumbergera_buckleyi, Schlumbergera_baridgesii": 17970, + "Christmas_fern, canker_brake, dagger_fern, evergreen_wood_fern, Polystichum_acrostichoides": 21533, + "Christmas_stocking": 5606, + "Christmasberry, Christmas_berry, Lycium_carolinianum": 20823, + "Chrysaora_quinquecirrha": 1683, + "Chuvash": 14728, + "Circaea_lutetiana": 19341, + "Circassian": 14510, + "Circe": 14453, + "Clark's_nutcracker, Nucifraga_columbiana": 732, + "Clark_cell, Clark_standard_cell": 5655, + "Clavicipitaceae, grainy_club_mushrooms": 21126, + "Clitocybe_clavipes": 21115, + "Clitocybe_dealbata": 21116, + "Clitocybe_inornata": 21117, + "Clitocybe_irina, Tricholoma_irinum, Lepista_irina": 21119, + "Clitocybe_robusta, Clytocybe_alba": 21118, + "Clitocybe_subconnexa": 21120, + "Clydesdale": 3265, + "Clydesdale_terrier": 2254, + "Coca_Cola, Coke": 14038, + "Cockcroft_and_Walton_accelerator, Cockcroft-Walton_accelerator, Cockcroft_and_Walton_voltage_multiplier, Cockcroft-Walton_voltage_multiplier": 5750, + "Cocopa, Cocopah": 14528, + "Coffey_still": 5775, + "Cognac": 13879, + "Coigue, Nothofagus_dombeyi": 19095, + "Colbert, Colbert_butter": 13447, + "Coloradan": 14741, + "Colorado_River_hemp, Sesbania_exaltata": 19892, + "Colorado_potato_beetle, Colorado_beetle, potato_bug, potato_beetle, Leptinotarsa_decemlineata": 2549, + "Colorado_spruce, Colorado_blue_spruce, silver_spruce, Picea_pungens": 17424, + "Colt": 5805, + "Columbia_tiger_lily, Oregon_lily, Lilium_columbianum": 19549, + "Comanche": 14529, + "Communist": 15250, + "Comrade": 15258, + "Comstock_mealybug, Comstock's_mealybug, Pseudococcus_comstocki": 2793, + "Concord_grape": 13121, + "Confederate": 15263, + "Confucian, Confucianist": 15266, + "Congolese": 14629, + "Connarus_guianensis": 17708, + "Connecticuter": 14742, + "Connemara_heath, St._Dabeoc's_heath, Daboecia_cantabrica": 19004, + "Conservative": 15269, + "Cooper's_hawk, blue_darter, Accipiter_cooperii": 818, + "Copt": 14590, + "Cornish, Cornish_fowl": 1316, + "Cornish_heath, Erica_vagans": 18990, + "Cornishman": 14642, + "Cornishwoman": 14643, + "Cortinarius_armillatus": 21257, + "Cortinarius_atkinsonianus": 21258, + "Cortinarius_corrugatus": 21259, + "Cortinarius_gentilis": 21260, + "Cortinarius_mutabilis, purple-staining_Cortinarius": 21261, + "Cortinarius_semisanguineus": 21262, + "Cortinarius_subfoetidus": 21263, + "Cortinarius_violaceus": 21264, + "Cortland": 12998, + "Corynebacterium_diphtheriae, C._diphtheriae, Klebs-Loeffler_bacillus": 274, + "Coryphaena_equisetis": 3896, + "Coryphaena_hippurus": 3895, + "Cossack": 15291, + "Cotes_de_Provence": 13827, + "Cotoneaster_dammeri": 20033, + "Cotoneaster_horizontalis": 20034, + "Cotswold": 3391, + "Counsel_to_the_Crown": 15941, + "Courtelle": 5993, + "Cox's_Orange_Pippin": 12999, + "Creek": 14530, + "Creole": 14659, + "Cro-magnon": 3586, + "Crock_Pot": 6050, + "Croesus": 15317, + "Crookes_radiometer": 6052, + "Crookes_tube": 6053, + "Cryptoprocta, genus_Cryptoprocta": 2460, + "Cub_Scout": 15324, + "Culex_quinquefasciatus, Culex_fatigans": 2646, + "Cynic": 15335, + "Cynocephalus_variegatus": 3669, + "Cynopterus_sphinx": 2478, + "Cypriot, Cypriote, Cyprian": 14630, + "DIP_switch, dual_inline_package_switch": 6321, + "Dacron, Terylene": 6149, + "Dalai_Lama, Grand_Lama": 15342, + "Dall_sheep, Dall's_sheep, white_sheep, Ovis_montana_dalli": 3404, + "Dalmatian_iris, Iris_pallida": 19523, + "Dalmatian_laburnum, Petteria_ramentacea, Cytisus_ramentaceus": 19725, + "Damaraland_mole_rat": 3186, + "Dandie_Dinmont, Dandie_Dinmont_terrier": 2244, + "Dane": 14631, + "Danish_blue": 13550, + "Darjeeling": 14077, + "Darwin_tulip": 19632, + "Delaware": 14531, + "Delawarean, Delawarian": 14743, + "Delicious": 13000, + "Desmodus_rotundus": 2510, + "Devon": 3356, + "Dewar_flask, Dewar": 6249, + "Diapsida, subclass_Diapsida": 989, + "Dictaphone": 6270, + "Diegueno": 14532, + "Disciotis_venosa, cup_morel": 21147, + "Dixie_cup, paper_cup": 6378, + "Djiboutian": 14632, + "Doberman, Doberman_pinscher": 2309, + "Dom_Pedro": 13932, + "Dominican": 15419, + "Dominique, Dominick": 1338, + "Donatist": 15422, + "Doppler_radar": 6410, + "Dorian": 14662, + "Dorking": 1314, + "Dover's_powder": 6434, + "Dragunov": 6441, + "Drambuie": 13916, + "Drosophyllum_lusitanicum": 20502, + "Druid": 15440, + "Druze, Druse": 15445, + "Dubliner": 14674, + "Dubonnet": 13829, + "Dumpster": 6546, + "Dumpy_level": 6548, + "Dungeness_crab, Cancer_magister": 1841, + "Duplicidentata": 3021, + "Durham, shorthorn": 3358, + "Dutch-elm_beetle, Scolytus_multistriatus": 2584, + "Dutch_elm, Ulmus_hollandica": 19498, + "Dutch_elm_fungus, Ceratostomella_ulmi": 20981, + "Dutch_iris, Iris_filifolia": 19517, + "Dutch_iris, Iris_tingitana": 19525, + "Dutch_oven": 6562, + "Dutch_uncle": 15452, + "Dutchman's-pipe, pipe_vine, Aristolochia_macrophylla, Aristolochia_durior": 17838, + "Dutchman's_breeches, Dicentra_cucullaria": 18111, + "Eames_chair": 6567, + "East_German": 14762, + "Easter_daisy, stemless_daisy, Townsendia_Exscapa": 18460, + "Easter_egg": 13480, + "Easter_lily, Bermuda_lily, white_trumpet_lily, Lilium_longiflorum": 19551, + "Eastern_cottonwood, necklace_poplar, Populus_deltoides": 20363, + "Eastern_hop_hornbeam, ironwood, ironwood_tree, Ostrya_virginiana": 19180, + "Eastern_silvery_aster": 18185, + "Edam": 13559, + "Edmontonia": 1101, + "Egyptian_cat": 2405, + "Egyptian_grass, crowfoot_grass, Dactyloctenium_aegypticum": 18706, + "Egyptian_henbane, Hyoscyamus_muticus": 20820, + "Egyptian_vulture, Pharaoh's_chicken, Neophron_percnopterus": 863, + "Elamite": 14513, + "Elastoplast": 6594, + "Elliott's_goldenrod": 18435, + "Emmenthal, Emmental, Emmenthaler, Emmentaler": 13573, + "Empire": 13003, + "Engelmann_spruce, Engelmann's_spruce, Picea_engelmannii": 17418, + "English_elm, European_elm, Ulmus_procera": 19502, + "English_foxhound": 2203, + "English_horn, cor_anglais": 6672, + "English_lady_crab, Portunus_puber": 1845, + "English_lavender, Lavandula_angustifolia, Lavandula_officinalis": 20667, + "English_muffin": 12677, + "English_person": 14634, + "English_plantain, narrow-leaved_plantain, ribgrass, ribwort, ripple-grass, buckthorn, Plantago_lanceolata": 19977, + "English_primrose, Primula_vulgaris": 18632, + "English_saddle, English_cavalry_saddle": 6673, + "English_setter": 2271, + "English_sole, lemon_sole, Parophrys_vitulus": 4133, + "English_sparrow, house_sparrow, Passer_domesticus": 584, + "English_springer, English_springer_spaniel": 2279, + "English_toy_spaniel": 2180, + "English_walnut": 13199, + "English_walnut, English_walnut_tree, Circassian_walnut, Persian_walnut, Juglans_regia": 19266, + "Englishwoman": 14635, + "EntleBucher": 2315, + "Entoloma_aprile": 21085, + "Entoloma_lividum, Entoloma_sinuatum": 21084, + "Epipactis_helleborine": 18550, + "Episcopalian": 15502, + "Eritrean": 14650, + "Erlenmeyer_flask": 6698, + "Eskimo, Esquimau, Inuit": 15508, + "Eskimo_curlew, Numenius_borealis": 2006, + "Eskimo_dog, husky": 2329, + "Espagnole, sauce_Espagnole": 13440, + "Esselen": 14533, + "Ethiopian": 14648, + "Eton_jacket": 6717, + "Etonian": 15513, + "Euopean_hoopoe, Upupa_epops": 1464, + "Euphausia_pacifica": 1871, + "Eurafrican": 14599, + "Eurasian": 14600, + "Eurasian_badger, Meles_meles": 3528, + "Eurasian_green_toad, Bufo_viridis": 955, + "Eurasian_hamster, Cricetus_cricetus": 3092, + "Eurasian_kingfisher, Alcedo_atthis": 1458, + "Eurasian_otter, Lutra_lutra": 3519, + "Eurasian_woodcock, Scolopax_rusticola": 1994, + "European_ash, common_European_ash, Fraxinus_excelsior": 19226, + "European_beggar-ticks, trifid_beggar-ticks, trifid_bur_marigold, Bidens_tripartita": 18210, + "European_bittern, Botaurus_stellaris": 1930, + "European_black_grouse, heathfowl, Lyrurus_tetrix": 1345, + "European_bog_asphodel, Narthecium_ossifragum": 19651, + "European_bream, Abramis_brama": 358, + "European_catfish, sheatfish, Silurus_glanis": 3709, + "European_chestnut, sweet_chestnut, Spanish_chestnut, Castanea_sativa": 19083, + "European_cranberry, small_cranberry, Vaccinium_oxycoccus": 19038, + "European_creeper, Certhia_familiaris": 759, + "European_cuckoo, Cuculus_canorus": 1446, + "European_curlew, Numenius_arquata": 2005, + "European_dewberry, Rubus_caesius": 20139, + "European_dogtooth, Erythronium_dens-canis": 19614, + "European_fire_salamander, Salamandra_salamandra": 896, + "European_flatfish, Platichthys_flesus": 4113, + "European_fly_honeysuckle, European_honeysuckle, Lonicera_xylosteum": 20200, + "European_gallinule, Porphyrio_porphyrio": 1947, + "European_goatsucker, European_nightjar, Caprimulgus_europaeus": 1478, + "European_hackberry, Mediterranean_hackberry, Celtis_australis": 19509, + "European_hare, Lepus_europaeus": 3035, + "European_hornbeam, Carpinus_betulus": 19176, + "European_house_cricket, Acheta_domestica": 2733, + "European_ladies'_tresses, Spiranthes_spiralis": 18615, + "European_larch, Larix_decidua": 17398, + "European_lemming, Lemmus_lemmus": 3099, + "European_lobster, Homarus_vulgaris": 1857, + "European_magpie, Pica_pica": 734, + "European_nuthatch, Sitta_europaea": 761, + "European_parsley_fern, mountain_parsley_fern, Cryptogramma_crispa": 21562, + "European_perch, Perca_fluviatilis": 3816, + "European_rabbit, Old_World_rabbit, Oryctolagus_cuniculus": 3028, + "European_red_elder, red-berried_elder, Sambucus_racemosa": 20207, + "European_roller, Coracias_garrulus": 1455, + "European_sandpiper, Actitis_hypoleucos": 1974, + "European_sanicle, Sanicula_Europaea": 20932, + "European_sea_bream, Pagellus_centrodontus": 3923, + "European_shrike, Lanius_excubitor": 791, + "European_silver_fir, Christmas_tree, Abies_alba": 17404, + "European_sole, Solea_solea": 4132, + "European_spider_crab, king_crab, Maja_squinado": 1852, + "European_swift, Apus_apus": 1470, + "European_toad, Bufo_bufo": 952, + "European_tortoise, Testudo_graeca": 1014, + "European_turkey_oak, turkey_oak, Quercus_cerris": 19111, + "European_water_ouzel, Cinclus_aquaticus": 802, + "European_water_shrew, Neomys_fodiens": 1649, + "European_white_lily, Nymphaea_alba": 17627, + "European_wildcat, catamountain, Felis_silvestris": 2411, + "European_wolf_spider, tarantula, Lycosa_tarentula": 1274, + "European_wood_mouse, Apodemus_sylvaticus": 3055, + "European_woolly_thistle, Cirsium_eriophorum": 18254, + "Evangelist": 15516, + "Exmoor": 3394, + "Exocet": 6729, + "Eyeish": 14534, + "Fahrenheit_thermometer": 6762, + "Farley_maidenhair, Farley_maidenhair_fern, Barbados_maidenhair, glory_fern, Adiantum_tenerum_farleyense": 21553, + "Fasciolopsis_buski": 1721, + "Father, Padre": 15552, + "Fauntleroy, Little_Lord_Fauntleroy": 15555, + "Fauve, fauvist": 15556, + "Federal, Fed, federal_official": 16308, + "Ferris_wheel": 6813, + "Filipino": 14708, + "Finn": 14651, + "Fissipedia": 2161, + "Fleet_Street": 12174, + "Florence_fennel, Foeniculum_dulce, Foeniculum_vulgare_dulce": 20918, + "Florentine": 15596, + "Florentine_iris, orris, Iris_germanica_florentina, Iris_florentina": 19518, + "Florida_gallinule, Gallinula_chloropus_cachinnans": 1944, + "Florida_pompano, Trachinotus_carolinus": 3886, + "Florida_smoothhound, Mustelus_norrisi": 481, + "Florida_strap_fern, cow-tongue_fern, hart's-tongue_fern": 21472, + "Florida_yew, Taxus_floridana": 17513, + "Floridian": 14744, + "Fordhooks": 12932, + "Formica": 7040, + "Formica_fusca": 2710, + "Fosbury_flop": 25, + "Foucault_pendulum": 7044, + "Francis_turbine": 7067, + "Francisella, genus_Francisella": 272, + "Francophobe": 15629, + "Frank": 14602, + "Fraser_fir, Abies_fraseri": 17407, + "French_Canadian": 14626, + "French_bread": 12713, + "French_bulldog": 2321, + "French_door": 7077, + "French_dressing, vinaigrette, sauce_vinaigrette": 13422, + "French_honeysuckle, sulla, Hedysarum_coronarium": 19811, + "French_horn, horn": 7078, + "French_lavender, Lavandula_stoechas": 20668, + "French_loaf": 12688, + "French_marigold, Tagetes_patula": 18447, + "French_omelet": 13489, + "French_polish, French_polish_shellac": 7079, + "French_roof": 7080, + "French_sorrel": 12984, + "French_sorrel, garden_sorrel, Rumex_scutatus": 19995, + "French_toast": 13664, + "French_window": 7081, + "Fresnel_lens": 7082, + "Freudian": 15637, + "Friesian, Holstein, Holstein-Friesian": 3361, + "Frisbee": 7091, + "Frost's_bolete, Boletus_frostii": 21203, + "Fuscoboletinus_paluster": 21213, + "Fuscoboletinus_serotinus": 21214, + "G-string, thong": 7365, + "Gabonese": 14660, + "Gadaba": 14574, + "Gael": 14601, + "Galiella_rufa": 21143, + "Galilean_telescope": 7139, + "Galliano": 13917, + "Galloway": 3360, + "Gambian": 14761, + "Garand_rifle, Garand, M-1, M-1_rifle": 7163, + "Gastrocybe_lateritia": 21187, + "Gatling_gun": 7218, + "Gazella_subgutturosa": 3437, + "Geastrum_coronatum": 21182, + "Geglossaceae": 21019, + "Geiger_counter, Geiger-Muller_counter": 7233, + "Geiger_tube, Geiger-Muller_tube": 7234, + "Gemini, Twin": 14776, + "Genet, Edmund_Charles_Edouard_Genet, Citizen_Genet": 17291, + "Geneva_gown": 7240, + "Gentianopsid_procera, Gentiana_procera": 19207, + "Gentianopsis_crinita, Gentiana_crinita": 19205, + "Gentianopsis_detonsa, Gentiana_detonsa": 19206, + "Gentianopsis_thermalis, Gentiana_thermalis": 19208, + "Geogia_holly": 20434, + "Geordie": 14646, + "Georgian": 14713, + "German_American": 14745, + "German_cockroach, Croton_bug, crotonbug, water_bug, Blattella_germanica": 2745, + "German_iris, Iris_germanica": 19520, + "German_iris, Iris_kochii": 19522, + "German_ivy, Delairea_odorata, Senecio_milkanioides": 18272, + "German_millet, golden_wonder_millet, Setaria_italica_stramineofructa": 18761, + "German_shepherd, German_shepherd_dog, German_police_dog, alsatian": 2306, + "German_short-haired_pointer": 2268, + "Ghanian": 14765, + "Gibson_girl": 15677, + "Gila_monster, Heloderma_suspectum": 1075, + "Girondist, Girondin": 15682, + "Glengarry": 7265, + "Global_Positioning_System, GPS": 7267, + "Golden_Delicious, Yellow_Delicious": 13001, + "Goldie's_fern, Goldie's_shield_fern, goldie's_wood_fern, Dryopteris_goldiana": 21514, + "Gordian_knot": 7296, + "Gordon_setter": 2273, + "Gothic_arch": 7299, + "Gouda, Gouda_cheese": 13561, + "Grand_Inquisitor": 15710, + "Grand_Marnier": 13921, + "Granny_Smith": 13017, + "Great_Dane": 2322, + "Great_Pyrenees": 2339, + "Greater_Swiss_Mountain_dog": 2312, + "Greco-Roman_wrestling": 62, + "Greek, Hellene": 14661, + "Greek_fire": 21788, + "Greek_partridge, rock_partridge, Alectoris_graeca": 1394, + "Greek_valerian, Polemonium_reptans": 20559, + "Green_Beret": 15725, + "Grimes'_golden": 13004, + "Grindelia_robusta": 18312, + "Gruyere": 13574, + "Guadalupe_cypress, Cupressus_guadalupensis": 17441, + "Guarnerius": 7373, + "Guernsey": 3362, + "Guinea_pepper, negro_pepper, Xylopia_aethiopica": 17581, + "Guinea_worm, Dracunculus_medinensis": 1738, + "Guinean": 14766, + "Guinness": 13793, + "Gujarati, Gujerati": 14579, + "Gurkha": 14696, + "Guyanese": 14665, + "Gymnopilus_spectabilis": 21265, + "Gymnopilus_validipes": 21266, + "Gymnopilus_ventricosus": 21267, + "Gypsy, Gipsy, Romany, Rommany, Romani, Roma, Bohemian": 15753, + "Gyromitra_californica, California_false_morel": 21164, + "Gyromitra_esculenta, brain_mushroom, beefsteak_morel": 21166, + "Gyromitra_fastigiata, Gyromitra_brunnea": 21168, + "Gyromitra_gigas": 21169, + "Gyromitra_infula, saddled-shaped_false_morel": 21167, + "Gyromitra_sphaerospora, round-spored_gyromitra": 21165, + "Haitian": 14666, + "Hakham": 12213, + "Hakka": 15759, + "Hall's_honeysuckle, Lonicera_japonica_halliana": 20196, + "Hall_of_Fame": 7439, + "Hamburg_parsley, turnip-rooted_parsley, Petroselinum_crispum_tuberosum": 20928, + "Hampshire, Hampshire_down": 3392, + "Hare_Krishna": 14597, + "Harris_Tweed": 7512, + "Harvey_Wallbanger": 13952, + "Hausa, Haussa": 14700, + "Havasupai": 14535, + "Hawaiian_guitar, steel_guitar": 7526, + "Helix_hortensis": 1763, + "Helvella_acetabulum": 21160, + "Helvella_crispa, miter_mushroom": 21159, + "Helvella_sulcata": 21161, + "Hercules'-club, Hercules'-clubs, Hercules-club, Zanthoxylum_clava-herculis": 20307, + "Hereford, whiteface": 3363, + "Herero": 14614, + "Hermissenda_crassicornis": 1779, + "Herr": 15802, + "Herschelian_telescope, off-axis_reflector": 7602, + "Hessian_boot, hessian, jackboot, Wellington, Wellington_boot": 7603, + "Hessian_fly, Mayetiola_destructor": 2611, + "Highlander, Scottish_Highlander, Highland_Scot": 15807, + "Himalayan_lilac, Syringa_emodi": 19248, + "Himalayan_rhubarb, Indian_rhubarb, red-veined_pie_plant, Rheum_australe, Rheum_emodi": 19989, + "Hippodamia_convergens": 2536, + "Holocentrus_ascensionis": 391, + "Homo_erectus": 3576, + "Homo_habilis": 3583, + "Homo_sapiens": 3584, + "Homo_sapiens_sapiens, modern_man": 3587, + "Homo_soloensis": 3581, + "Honduras_mahogany, Swietinia_macrophylla": 20262, + "Hooker's_onion, Allium_acuminatum": 19562, + "Hooker's_orchid, Habenaria_hookeri": 18564, + "Hoover": 7681, + "Host": 12682, + "Hottentot_fig, Hottentot's_fig, sour_fig, Carpobrotus_edulis, Mesembryanthemum_edule": 17888, + "Hudson_bay_collared_lemming, Dicrostonyx_hudsonius": 3103, + "Hudsonian_godwit, Limosa_haemastica": 2008, + "Humvee, Hum-Vee": 7753, + "Hungarian_partridge, grey_partridge, gray_partridge, Perdix_perdix": 1392, + "Hungarian_sauce, paprika_sauce": 13461, + "Hunkpapa": 14536, + "Huntingdon_elm, Ulmus_hollandica_vegetata": 19499, + "Hygrocybe_acutoconica, conic_waxycap": 21245, + "Hygrophorus_borealis": 21246, + "Hygrophorus_caeruleus": 21247, + "Hygrophorus_inocybiformis": 21248, + "Hygrophorus_kauffmanii": 21249, + "Hygrophorus_marzuolus": 21250, + "Hygrophorus_purpurascens": 21251, + "Hygrophorus_russula": 21252, + "Hygrophorus_sordidus": 21253, + "Hygrophorus_tennesseensis": 21254, + "Hygrophorus_turundus": 21255, + "Hyphantria_cunea": 2981, + "I-beam": 7782, + "Ibizan_hound, Ibizan_Podenco": 2213, + "Iceland_moss, Iceland_lichen, Cetraria_islandica": 21039, + "Iceland_poppy, Papaver_alpinum": 18086, + "Iceland_poppy, arctic_poppy, Papaver_nudicaule": 18089, + "Icelander": 14670, + "Ichyostega": 893, + "Identikit, Identikit_picture": 7797, + "Igbo": 14735, + "Illinoisan": 14746, + "India-rubber_tree, India-rubber_plant, India-rubber_fig, rubber_plant, Assam_rubber, Ficus_elastica": 19486, + "Indiaman": 7822, + "Indian_beech, Pongamia_glabra": 19881, + "Indian_blackwood, East_Indian_rosewood, East_India_rosewood, Indian_rosewood, Dalbergia_latifolia": 19779, + "Indian_buffalo": 3367, + "Indian_button_fern, Tectaria_macrodonta": 21540, + "Indian_club": 7823, + "Indian_cobra, Naja_naja": 1216, + "Indian_coral_tree, Erythrina_variegata, Erythrina_Indica": 19797, + "Indian_crocus": 18601, + "Indian_elephant, Elephas_maximus": 3673, + "Indian_hemp, Cannabis_indica": 19471, + "Indian_hemp, rheumatism_weed, Apocynum_cannabinum": 17760, + "Indian_madder, munjeet, Rubia_cordifolia": 20157, + "Indian_mallow, Sida_spinosa": 18905, + "Indian_mongoose, Herpestes_nyula": 2466, + "Indian_paintbrush, painted_cup": 20755, + "Indian_pipe, waxflower, Monotropa_uniflora": 19073, + "Indian_plantain": 18215, + "Indian_poke, Phytolacca_acinosa": 17974, + "Indian_python, Python_molurus": 1204, + "Indian_rat_snake, Ptyas_mucosus": 1163, + "Indian_red": 12058, + "Indian_rhinoceros, Rhinoceros_unicornis": 3302, + "Indian_rhododendron, Melastoma_malabathricum": 19357, + "Intelnet": 7851, + "International_Grandmaster": 15891, + "Iowa, Ioway": 14537, + "Iowa_crab, Iowa_crab_apple, prairie_crab, western_crab_apple, Malus_ioensis": 20062, + "Iraqi, Iraki": 14671, + "Irish, Irish_whiskey, Irish_whisky": 13901, + "Irish_coffee": 13977, + "Irish_setter, red_setter": 2272, + "Irish_soda_bread": 12699, + "Irish_stew": 12426, + "Irish_terrier": 2227, + "Irish_water_spaniel": 2285, + "Irish_wolfhound": 2209, + "Irishman": 14672, + "Irishwoman": 14673, + "Italian": 14675, + "Italian_bee": 2668, + "Italian_bread": 12714, + "Italian_cypress, Mediterranean_cypress, Cupressus_sempervirens": 17444, + "Italian_dressing": 13425, + "Italian_greyhound": 2211, + "Italian_honeysuckle, Italian_woodbine, Lonicera_caprifolium": 20192, + "Italian_parsley, flat-leaf_parsley, Petroselinum_crispum_neapolitanum": 20927, + "Italian_ryegrass, Italian_rye, Lolium_multiflorum": 18732, + "Ivy_Leaguer": 15904, + "Ixodes_dammini, deer_tick": 1279, + "Ixodes_dentatus": 1285, + "Ixodes_neotomae": 1280, + "Ixodes_pacificus, western_black-legged_tick": 1281, + "Ixodes_persulcatus": 1284, + "Ixodes_scapularis, black-legged_tick": 1282, + "Ixodes_spinipalpis": 1286, + "Jack_of_all_trades": 15905, + "Jacksonian": 15906, + "Jacob's_ladder, jack_ladder, pilot_ladder": 7897, + "Jacob's_rod": 19591, + "Jacobean_lily, Aztec_lily, Strekelia_formosissima": 19544, + "Jacquard_loom, Jacquard": 7899, + "Jaculus_jaculus": 3124, + "Jaffa_orange": 13055, + "Jafnea_semitosta": 21144, + "Jamaica_dogwood, fish_fuddle, Piscidia_piscipula, Piscidia_erythrina": 19870, + "Jamaica_honeysuckle, yellow_granadilla, Passiflora_laurifolia": 19437, + "Jamaica_quassia, bitterwood, Picrasma_excelsa, Picrasma_excelsum": 20315, + "Jamaica_rum": 13890, + "Jamaican_cherry, calabur_tree, calabura, silk_wood, silkwood, Muntingia_calabura": 18921, + "Jane_Doe": 15907, + "Japanese, Nipponese": 14678, + "Japanese_angelica_tree, Aralia_elata": 17830, + "Japanese_apricot, mei, Prunus_mume": 20081, + "Japanese_banana, Musa_basjoo": 19365, + "Japanese_barberry, Berberis_thunbergii": 17585, + "Japanese_beech": 19080, + "Japanese_beetle, Popillia_japonica": 2563, + "Japanese_black_pine, black_pine, Pinus_thunbergii": 17392, + "Japanese_cedar, Japan_cedar, sugi, Cryptomeria_japonica": 17451, + "Japanese_chestnut, Castanea_crenata": 19085, + "Japanese_deer, sika, Cervus_nipon, Cervus_sika": 3473, + "Japanese_flowering_cherry, Prunus_sieboldii": 20118, + "Japanese_honeysuckle, Lonicera_japonica": 20195, + "Japanese_iris, Iris_kaempferi": 19521, + "Japanese_lilac, Syringa_villosa": 19251, + "Japanese_linden, Japanese_lime, Tilia_japonica": 18949, + "Japanese_maple, Acer_palmatum": 20421, + "Japanese_maple, full_moon_maple, Acer_japonicum": 20420, + "Japanese_millet, billion-dollar_grass, Japanese_barnyard_millet, sanwa_millet, Echinochloa_frumentacea": 18711, + "Japanese_morning_glory, Ipomoea_nil": 20609, + "Japanese_oak, Lithocarpus_glabra, Lithocarpus_glaber": 19092, + "Japanese_oak, Quercus_mongolica, Quercus_grosseserrata": 19131, + "Japanese_oyster, Ostrea_gigas": 1801, + "Japanese_pagoda_tree, Chinese_scholartree, Chinese_scholar_tree, Sophora_japonica, Sophora_sinensis": 19894, + "Japanese_persimmon, kaki, Diospyros_kaki": 20472, + "Japanese_pink, Dianthus_chinensis_heddewigii": 17859, + "Japanese_plum, Prunus_salicina": 20114, + "Japanese_poinsettia, mole_plant, paint_leaf, Euphorbia_heterophylla": 20864, + "Japanese_privet, Ligustrum_japonicum": 19242, + "Japanese_red_pine, Japanese_table_pine, Pinus_densiflora": 17391, + "Japanese_snowbell, Styrax_japonicum": 20490, + "Japanese_spaniel": 2175, + "Japanese_tree_lilac, Syringa_reticulata, Syringa_amurensis_japonica": 19250, + "Japanese_umbrella_pine, Sciadopitys_verticillata": 17508, + "Japanese_wistaria, Wisteria_floribunda": 19922, + "Japanese_yew, Taxus_cuspidata": 17512, + "Jarvik_heart, Jarvik_artificial_heart": 7909, + "Jat": 15909, + "Java_man, Trinil_man": 3578, + "Java_sparrow, Java_finch, ricebird, Padda_oryzivora": 598, + "Javanese, Javan": 15910, + "Javanthropus, genus_Javanthropus": 3582, + "Jaws_of_Life": 7913, + "Jeffrey_pine, Jeffrey's_pine, black_pine, Pinus_jeffreyi": 17376, + "Jehovah's_Witness": 15981, + "Jekyll_and_Hyde": 15911, + "Jersey": 3355, + "Jersey_elm, guernsey_elm, wheately_elm, Ulmus_sarniensis, Ulmus_campestris_sarniensis, Ulmus_campestris_wheatleyi": 19505, + "Jerusalem_artichoke": 18333, + "Jerusalem_artichoke, girasol, Jerusalem_artichoke_sunflower, Helianthus_tuberosus": 18332, + "Jerusalem_artichoke, sunchoke": 12860, + "Jerusalem_oak, feather_geranium, Mexican_tea, Chenopodium_botrys, Atriplex_mexicana": 17907, + "Jerusalem_sage, Phlomis_fruticosa": 20705, + "Jerusalem_thorn, horsebean, Parkinsonia_aculeata": 19723, + "Jesuit": 15913, + "Jew's-ear, Jew's-ears, ear_fungus, Auricularia_auricula": 21224, + "Jewbush, Jew-bush, Jew_bush, redbird_cactus, redbird_flower, Pedilanthus_tithymaloides": 20888, + "Jewess": 14591, + "Jewish_rye_bread, Jewish_rye": 12703, + "Jihadist": 14592, + "Job's_comforter": 15918, + "Job's_tears": 17559, + "Joe-Pye_weed, purple_boneset, trumpet_weed, marsh_milkweed, Eupatorium_purpureum": 18298, + "Joe-Pye_weed, spotted_Joe-Pye_weed, Eupatorium_maculatum": 18296, + "John_Doe": 15920, + "John_Dory, Zeus_faber": 395, + "Joint_Direct_Attack_Munition, JDAM": 7941, + "Jonah_crab, Cancer_borealis": 1843, + "Jonathan": 13005, + "Jones'_penstemon, Penstemon_dolius": 20774, + "Jordan_almond": 13067, + "Jordanian": 14679, + "Joshua_tree, Yucca_brevifolia": 19690, + "Judas_tree, love_tree, Circis_siliquastrum": 19757, + "June_beetle, June_bug, May_bug, May_beetle": 2561, + "Jungian": 15925, + "Junior, Jr, Jnr": 15928, + "K_ration": 12289, + "Kahlua": 13927, + "Kalapooia, Kalapuya, Calapooya, Calapuya": 14538, + "Kalashnikov": 7972, + "Kamchatkan_sea_eagle, Stellar's_sea_eagle, Haliaeetus_pelagicus": 854, + "Kamia": 14539, + "Kashmiri": 14580, + "Kekchi": 14540, + "Kennan, George_F._Kennan, George_Frost_Kennan": 17292, + "Kentucky_black_bass, spotted_black_bass, Micropterus_pseudoplites": 3843, + "Kentucky_coffee_tree, bonduc, chicot, Gymnocladus_dioica": 19721, + "Kentucky_wonder, Kentucky_wonder_bean": 12926, + "Kentucky_yellowwood, gopherwood, Cladrastis_lutea, Cladrastis_kentukea": 19765, + "Kenyan": 14681, + "Kerry_blue_terrier": 2226, + "Khedive": 15937, + "Kichai": 14541, + "Kickapoo": 14542, + "Kiliwa, Kiliwi": 14543, + "Killarney_fern, Trichomanes_speciosum": 20953, + "Kinetoscope": 8011, + "King's_Counsel": 15940, + "King_Charles_spaniel": 2182, + "King_William_pine, Athrotaxis_selaginoides": 17445, + "Kipp's_apparatus": 8016, + "Klansman, Ku_Kluxer, Kluxer": 15949, + "Knowlton's_cactus, Pediocactus_knowltonii": 17962, + "Kolam": 14575, + "Komi": 14652, + "Komodo_dragon, Komodo_lizard, dragon_lizard, giant_lizard, Varanus_komodoensis": 1085, + "Korean": 14680, + "Korean_lawn_grass, Japanese_lawn_grass, Zoysia_japonica": 18798, + "Korean_lespedeza, Lespedeza_stipulacea": 19828, + "Kshatriya": 15957, + "Kui": 14576, + "Kuiper_belt, Edgeworth-Kuiper_belt": 14321, + "Kundt's_tube": 8059, + "Kurdistan": 8060, + "L-plate": 8304, + "LP, L-P": 8303, + "Labourite": 15960, + "Labrador_retriever": 2265, + "Laconian": 14664, + "Lakeland_terrier": 2238, + "Lancastrian": 14645, + "Lane's_Prince_Albert": 13018, + "Lanthanotus_borneensis": 1073, + "Lao, Laotian": 14682, + "Lapp, Lapplander, Sami, Saami, Same, Saame": 14683, + "Last_Supper, Lord's_Supper": 177, + "Latin": 15979, + "Latin_American, Latino": 14684, + "Lebanese": 14685, + "Leccinum_fibrillosum": 21215, + "Leclanche_cell": 8152, + "Leichtlin's_camas, Camassia_leichtlinii": 19609, + "Leiden_jar, Leyden_jar": 8160, + "Leishmania, genus_Leishmania": 335, + "Leonberg": 2337, + "Leotia_lubrica": 21134, + "Lepiota_clypeolaria": 21094, + "Lepiota_naucina": 21090, + "Lepiota_rhacodes": 21091, + "Lepiota_rubrotincta": 21093, + "Levant_cotton, Gossypium_herbaceum": 18879, + "Levantine": 14686, + "Levi's, levis": 8175, + "Leydig_cell, Leydig's_cell": 12133, + "Lhasa, Lhasa_apso": 2257, + "Liberian": 14687, + "Liberian_coffee, Coffea_liberica": 20164, + "Liberty_ship": 8176, + "Liebig_condenser": 8180, + "Liederkranz": 13564, + "Life_Saver": 12518, + "Ligustrum_obtusifolium": 19243, + "Lilo": 8208, + "Limburger": 13565, + "Lincoln": 3393, + "Link_trainer": 8222, + "Linotype, Linotype_machine": 8225, + "Liopelma_hamiltoni": 948, + "Lippizan, Lipizzan, Lippizaner": 3226, + "Lithuanian": 14654, + "Livonian": 14653, + "Loafer": 8242, + "Lochaber_ax": 8249, + "Lombard, Langobard": 14639, + "Lombardy_poplar, Populus_nigra_italica": 20361, + "London_plane, Platanus_acerifolia": 20554, + "Loranthaceae, family_Loranthaceae, mistletoe_family": 20373, + "Lord, noble, nobleman": 16033, + "Lorenzo_dressing": 13423, + "Lorraine_cross, cross_of_Lorraine": 8285, + "Lothario": 16037, + "Lowlander, Scottish_Lowlander, Lowland_Scot": 16040, + "Luba, Chiluba": 14615, + "Luddite": 16042, + "Luger": 8310, + "Lutheran": 16048, + "Luxemburger, Luxembourger": 14688, + "Lyonnaise_sauce, brown_onion_sauce": 13466, + "MANPAD": 8406, + "MEDLINE": 8499, + "Macadamia_integrifolia": 18972, + "Macedonian": 14689, + "Macoun": 13007, + "Macowanites_americanus": 21188, + "Madagascar_cat, ring-tailed_lemur, Lemur_catta": 3656, + "Madagascar_jasmine, waxflower, Stephanotis_floribunda": 21628, + "Madeira": 13860, + "Mae_West, air_jacket": 8347, + "Mahayanist": 14595, + "Mainer, Down_Easter": 14747, + "Maksutov_telescope": 8390, + "Malay, Malayan": 14667, + "Malayan_tapir, Indian_tapir, Tapirus_indicus": 3308, + "Malcolm_stock, stock": 18064, + "Malecite": 14544, + "Maltese, Maltese_cat": 2406, + "Maltese_dog, Maltese_terrier, Maltese": 2176, + "Malthusian": 16070, + "Manchester_terrier, black-and-tan_terrier": 2232, + "Manduca_quinquemaculata": 2948, + "Manduca_sexta": 2946, + "Manhattan_clam_chowder": 12403, + "Manichaean, Manichean, Manichee": 16078, + "Manila_grass, Japanese_carpet_grass, Zoysia_matrella": 18797, + "Manx, Manx_cat": 2408, + "Manx_shearwater, Puffinus_puffinus": 2095, + "Mao_jacket": 8413, + "Marburg_virus": 240, + "Marco_Polo_sheep, Marco_Polo's_sheep, Ovis_poli": 3402, + "Maria, Calophyllum_longifolium": 19393, + "Maricopa": 14545, + "Marine, devil_dog, leatherneck, shipboard_soldier": 16089, + "Marsala": 13864, + "Maryland_chicken": 13637, + "Maryland_golden_aster, Chrysopsis_mariana": 18244, + "Marylander": 14748, + "Mason_jar": 8439, + "Masonite": 8438, + "Massachusetts_fern, Parathelypteris_simulata, Thelypteris_simulata": 21603, + "Mastotermes_darwiniensis": 2718, + "Mastotermes_electrodominicus": 2719, + "Matthew_Walker, Matthew_Walker_knot": 8466, + "Mauser": 8472, + "Maxim_gun": 8475, + "Maximilian's_sunflower, Helianthus_maximilianii": 18330, + "May_apple": 17589, + "May_wine": 14058, + "McIntosh": 13006, + "Mead's_milkweed, Asclepias_meadii, Asclepia_meadii": 21616, + "Medinilla_magnifica": 19358, + "Mediterranean_flour_moth, Anagasta_kuehniella": 2917, + "Mediterranean_fruit_fly, medfly, Ceratitis_capitata": 2630, + "Mediterranean_snapdragon, Antirrhinum_majus": 20749, + "Mediterranean_water_shrew, Neomys_anomalus": 1650, + "Medoc": 13813, + "Melba_toast": 12728, + "Melkite, Melchite": 16126, + "Mendelian": 16132, + "Menorah": 8510, + "Merlot": 13824, + "Merostomata, class_Merostomata": 1307, + "Mesoamerican": 16134, + "Methodist": 16139, + "Metis": 16140, + "Meuniere_butter, lemon_butter": 13530, + "Mexican": 14691, + "Mexican-American, Mexicano": 14693, + "Mexican_bean_beetle, bean_beetle, Epilachna_varivestis": 2535, + "Mexican_cypress, cedar_of_Goa, Portuguese_cypress, Cupressus_lusitanica": 17443, + "Mexican_hairless": 2355, + "Mexican_hat, Ratibida_columnaris": 18399, + "Mexican_hyssop, Agastache_mexicana": 20640, + "Mexican_mint, Salvia_divinorum": 20719, + "Mexican_pocket_mouse, Liomys_irroratus": 3116, + "Mexican_poppy, Argemone_mexicana": 18094, + "Mexican_sunflower, tithonia": 18459, + "Michaelmas_daisy, New_York_aster, Aster_novi-belgii": 18174, + "Michigan_lily, Lilium_michiganense": 19554, + "Milanese": 16149, + "Minnesotan, Gopher": 14749, + "Minuteman": 16166, + "Missouri_goldenrod, Solidago_missouriensis": 18427, + "Missouri_primrose, Ozark_sundrops, Oenothera_macrocarpa": 19350, + "Mitrula_elegans": 21135, + "Model_T": 8610, + "Mohican, Mahican": 14546, + "Mojave_aster, Machaeranthera_tortifoloia": 18371, + "Mojave_rattlesnake, Crotalus_scutulatus": 1249, + "Molly_Miller, Scartella_cristata": 3993, + "Molotov_cocktail, petrol_bomb, gasoline_bomb": 8621, + "Monegasque, Monacan": 16177, + "Mongol, Mongolian": 14517, + "Mongoloid": 16181, + "Montagu's_harrier, Circus_pygargus": 832, + "Monterey_cypress, Cupressus_macrocarpa": 17442, + "Monterey_pine, Pinus_radiata": 17387, + "Montezuma": 18916, + "Montrachet": 13816, + "Moorish_arch, horseshoe_arch": 8638, + "Morchella_crassipes, thick-footed_morel": 21152, + "Morchella_semilibera, half-free_morel, cow's_head": 21153, + "Moreton_Bay_chestnut, Australian_chestnut": 19755, + "Moreton_Bay_tulipwood, Harpullia_pendula": 20389, + "Morgan": 3221, + "Morlett's_crocodile": 1090, + "Mornay_sauce": 13450, + "Moro": 14668, + "Morris_chair": 8647, + "Morrow's_honeysuckle, Lonicera_morrowii": 20197, + "Moselle": 13832, + "Mother_Carey's_chicken, Mother_Carey's_hen, Oceanites_oceanicus": 2098, + "Mother_Hubbard, muumuu": 8657, + "Mound_Builder": 16202, + "Mountie": 16689, + "Muenster": 13567, + "Mullah, Mollah, Mulla": 16210, + "Munich_beer, Munchener": 13775, + "Munro, H._H._Munro, Hector_Hugh_Munro, Saki": 17293, + "Murphy_bed": 8702, + "Muscadet": 21413, + "Muscovite": 14712, + "Muskhogean, Muskogean": 14547, + "Muslimah": 16219, + "Mutillidae, family_Mutillidae": 2688, + "Mycenaen": 16225, + "Mysore_thorn, Caesalpinia_decapetala, Caesalpinia_sepiaria": 19703, + "Myxine_glutinosa": 443, + "NADA_daiquiri": 13946, + "NIMBY": 16268, + "NOC": 16272, + "Nahuatl": 14519, + "Namibian": 14694, + "Nantua, shrimp_sauce": 13460, + "Napier's_bones, Napier's_rods": 8730, + "Nauruan": 14695, + "Navaho, Navajo": 14548, + "Navy_SEAL, SEAL": 16244, + "Nazarene": 16246, + "Nazarene, Ebionite": 16247, + "Nazi, German_Nazi": 16248, + "Neandertal_man, Neanderthal_man, Neandertal, Neanderthal, Homo_sapiens_neanderthalensis": 3585, + "Neapolitan_ice_cream": 12569, + "Nebraskan, Cornhusker": 14750, + "Neohygrophorus_angelesianus": 21256, + "Neolentinus_ponderosus": 21193, + "Nepal_trumpet_flower, Easter_lily_vine, Beaumontia_grandiflora": 17766, + "Nephthytis_afzelii": 17808, + "Nesselrode, Nesselrode_pudding": 12599, + "Netherlander, Dutchman, Hollander": 14669, + "New_Caledonian_yew, Austrotaxus_spicata": 17514, + "New_Dealer": 16260, + "New_England_aster, Aster_novae-angliae": 18173, + "New_England_clam_chowder": 12404, + "New_Hampshirite, Granite_Stater": 14751, + "New_Jerseyan, New_Jerseyite, Garden_Stater": 14752, + "New_World_beaver, Castor_canadensis": 3166, + "New_World_blackbird, blackbird": 701, + "New_World_chat, chat": 684, + "New_World_flycatcher, flycatcher, tyrant_flycatcher, tyrant_bird": 607, + "New_World_goldfinch, goldfinch, yellowbird, Spinus_tristis": 554, + "New_World_jay": 726, + "New_World_least_weasel, Mustela_rixosa": 3506, + "New_World_monkey, platyrrhine, platyrrhinian": 3637, + "New_World_mouse": 3065, + "New_World_opah, Lampris_guttatus": 3793, + "New_World_oriole, American_oriole, oriole": 691, + "New_World_porcupine": 3110, + "New_World_sparrow": 565, + "New_World_tapir, Tapirus_terrestris": 3307, + "New_World_vulture, cathartid": 866, + "New_World_warbler, wood_warbler": 673, + "New_York_fern, Parathelypteris_novae-boracensis, Dryopteris_noveboracensis": 21602, + "New_Yorker": 14753, + "New_Zealand_beech": 19096, + "New_Zealand_daisybush, Olearia_haastii": 18380, + "New_Zealand_spinach, Tetragonia_tetragonioides, Tetragonia_expansa": 17892, + "New_Zealand_wren": 754, + "New_Zealander, Kiwi": 14697, + "Newburg_sauce": 13682, + "Newfoundland, Newfoundland_dog": 2338, + "Newfoundland_dwarf_birch, American_dwarf_birch, Betula_glandulosa": 19164, + "Newtonian": 16263, + "Newtonian_telescope, Newtonian_reflector": 8785, + "Newtown_Wonder": 13019, + "Nicaraguan": 14698, + "Nicol_prism": 8790, + "Nigerian": 14699, + "Nissen_hut, Quonset_hut": 8804, + "Nobelist, Nobel_Laureate": 16271, + "Nomia_melanderi, alkali_bee": 2673, + "Nonconformist, chapelgoer": 15270, + "Nootka": 14549, + "Norfolk_jacket": 8809, + "Norfolk_terrier": 2228, + "North_American": 14701, + "North_Carolinian, Tarheel": 14754, + "Northern_Baptist": 16281, + "Northern_Spy": 13008, + "Northern_bedstraw, Northern_snow_bedstraw, Galium_boreale": 20173, + "Northern_dewberry, American_dewberry, Rubus_flagellaris": 20136, + "Norway_lobster, Nephrops_norvegicus": 1859, + "Norway_maple, Acer_platanoides": 20415, + "Norway_spruce, Picea_abies": 17416, + "Norwegian_elkhound, elkhound": 2214, + "Norwich_terrier": 2229, + "Nova_Scotian, bluenose": 14702, + "Nuttall_oak, Nuttall's_oak, Quercus_nuttalli": 19136, + "O_ring": 8905, + "Oglala, Ogalala": 14550, + "Ohio_buckeye": 20464, + "Ohio_goldenrod": 18436, + "Oktoberfest, Octoberfest": 13779, + "Old_Catholic": 14588, + "Old_English_sheepdog, bobtail": 2300, + "Old_World_beaver, Castor_fiber": 3165, + "Old_World_buffalo, buffalo": 3365, + "Old_World_chat, chat": 649, + "Old_World_coot, Fulica_atra": 1952, + "Old_World_crayfish, ecrevisse": 1862, + "Old_World_flycatcher, true_flycatcher, flycatcher": 631, + "Old_World_hop_hornbeam, Ostrya_carpinifolia": 19179, + "Old_World_jay": 724, + "Old_World_least_weasel, Mustela_nivalis": 3507, + "Old_World_monkey, catarrhine": 3615, + "Old_World_oriole, oriole": 707, + "Old_World_porcupine": 3107, + "Old_World_quail": 1379, + "Old_World_scops_owl, Otus_scops": 885, + "Old_World_vulture": 860, + "Old_World_warbler, true_warbler": 664, + "Old_World_yew, English_yew, Taxus_baccata": 17510, + "Old_world_white_pelican, Pelecanus_onocrotalus": 2069, + "Oligoporus_leucospongia": 21194, + "Olmec": 14521, + "Olympian": 16319, + "Olympian_Zeus": 8871, + "Omani": 14703, + "Oneida": 14552, + "Orangeman": 16327, + "Ord_kangaroo_rat, Dipodomys_ordi": 3118, + "Oregon_ash, Fraxinus_latifolia, Fraxinus_oregona": 19227, + "Oregon_cedar, Port_Orford_cedar, Lawson's_cypress, Lawson's_cedar, Chamaecyparis_lawsoniana": 17449, + "Oregon_crab_apple, Malus_fusca": 20060, + "Oregon_grape, Mahonia_nervosa": 17587, + "Oregon_grape, Oregon_holly_grape, hollygrape, mountain_grape, holly-leaves_barberry, Mahonia_aquifolium": 17586, + "Oregon_maple, big-leaf_maple, Acer_macrophyllum": 20410, + "Oregon_white_oak, Oregon_oak, Garry_oak, Quercus_garryana": 19117, + "Oregonian, Beaver": 14755, + "Oriental_arborvitae, Thuja_orientalis, Platycladus_orientalis": 17460, + "Oriental_beetle, Asiatic_beetle, Anomala_orientalis": 2564, + "Oriental_scops_owl, Otus_sunia": 886, + "Orlon": 8906, + "Orpington": 1339, + "Osage": 14551, + "Ostariophysi, order_Ostariophysi": 350, + "Our_Lord's_candle, Yucca_whipplei": 19695, + "Oxbridge": 8953, + "Oxonian": 14647, + "Ozark_chinkapin, Ozark_chinquapin, chinquapin, Castanea_ozarkensis": 19087, + "PC_board": 9099, + "PT_boat, mosquito_boat, mosquito_craft, motor_torpedo_boat": 9539, + "Pacific_bottlenose_dolphin, Tursiops_gilli": 2123, + "Pacific_cod, Alaska_cod, Gadus_macrocephalus": 3723, + "Pacific_giant_salamander, Dicamptodon_ensatus": 917, + "Pacific_halibut, Hippoglossus_stenolepsis": 4120, + "Pacific_herring, Clupea_harengus_pallasii": 3752, + "Pacific_newt": 902, + "Pacific_ridley, olive_ridley, Lepidochelys_olivacea": 997, + "Pacific_sardine, Sardinops_caerulea": 3757, + "Pacific_spiny_dogfish, Squalus_suckleyi": 485, + "Pacific_sturgeon, white_sturgeon, Sacramento_sturgeon, Acipenser_transmontanus": 4066, + "Pacific_tree_toad, Hyla_regilla": 970, + "Pacific_tripletail, Lobotes_pacificus": 4056, + "Pacific_walrus, Odobenus_divergens": 2160, + "Pacific_yew, California_yew, western_yew, Taxus_brevifolia": 17511, + "Paiute, Piute": 14553, + "Pakistani": 14704, + "Paleacrita_vernata": 2908, + "Paleo-American, Paleo-Amerind, Paleo-Indian": 16358, + "Panama_redwood_tree, Panama_redwood, Platymiscium_pinnatum": 19880, + "Panama_tree, Sterculia_apetala": 18924, + "Panchen_Lama": 16363, + "Papuan": 14767, + "Para_rubber_tree, caoutchouc_tree, Hevea_brasiliensis": 20879, + "Paranthropus, genus_Paranthropus": 3594, + "Parisian": 14656, + "Parisienne": 14657, + "Parker_House_roll": 12745, + "Parkia_javanica": 17752, + "Parliamentarian, Member_of_Parliament": 16375, + "Parmesan": 13568, + "Parry's_penstemon, Penstemon_parryi": 20778, + "Parry's_pinyon, Pinus_quadrifolia, Pinus_parryana": 17358, + "Parry_manzanita, Arctostaphylos_manzanita": 19000, + "Parsons_table": 9062, + "Passamaquody": 14554, + "Pearmain": 13009, + "Pekinese, Pekingese, Peke": 2177, + "Peking_man": 3579, + "Pelham": 9119, + "Pembroke, Pembroke_Welsh_corgi": 2348, + "Pennsylvanian, Keystone_Stater": 14756, + "Penobscot": 14555, + "Pentecostal, Pentecostalist": 16404, + "Penutian": 14556, + "Pepsi, Pepsi_Cola": 14039, + "Percheron": 3266, + "Pernod": 13925, + "Persian_cat": 2400, + "Persian_iris, Iris_persica": 19524, + "Persian_lamb": 3388, + "Persian_lilac, Syringa_persica": 19249, + "Persian_melon": 13104, + "Persian_violet, Exacum_affine": 19191, + "Peruvian_balsam, Myroxylon_pereirae, Myroxylon_balsamum_pereirae": 19851, + "Peruvian_cotton, Gossypium_peruvianum": 18881, + "Peter_Pan": 16418, + "Petri_dish": 9171, + "Peziza_domicilina": 21140, + "Phallus_ravenelii": 21173, + "Pharaoh, Pharaoh_of_Egypt": 16423, + "Philadelphia_fleabane, Erigeron_philadelphicus": 18290, + "Philippine_mahogany, Philippine_cedar, kalantas, Toona_calantas, Cedrela_calantas": 20263, + "Phillips_screw": 9177, + "Phillips_screwdriver": 9178, + "Pholiota_astragalina": 21071, + "Pholiota_aurea, golden_pholiota": 21072, + "Pholiota_destruens": 21073, + "Pholiota_flammans": 21074, + "Pholiota_flavida": 21075, + "Pholiota_squarrosa, scaly_pholiota": 21078, + "Pholiota_squarrosa-adiposa": 21077, + "Pholiota_squarrosoides": 21079, + "Photostat, Photostat_machine": 9188, + "Phyllostomus_hastatus": 2484, + "Phytophthora_citrophthora": 21016, + "Phytophthora_infestans": 21017, + "Piedmont_glacier, Piedmont_type_of_glacier": 14359, + "Pilsner, Pilsener": 13780, + "Piltdown_man, Piltdown_hoax": 16442, + "Pinot_blanc": 21410, + "Pinot_noir": 13818, + "Pippin": 13010, + "Pipturus_albidus": 19469, + "Pisces, Fish": 14778, + "Pithecanthropus, Pithecanthropus_erectus, genus_Pithecanthropus": 3577, + "Pitot-static_tube, Pitot_head, Pitot_tube": 9285, + "Pitot_tube, Pitot": 9286, + "Platte_River_penstemon, Penstemon_cyananthus": 20772, + "Plott_hound": 2205, + "Pluteus_aurantiorugosus": 21110, + "Pluteus_magnus, sawdust_mushroom": 21111, + "Plymouth_Rock": 1315, + "Podaxaceae": 20992, + "Polaroid": 9375, + "Polaroid_camera, Polaroid_Land_camera": 9376, + "Polistes_annularis": 2685, + "Polynesian": 14709, + "Polynesian_tattler, Heteroscelus_incanus": 1991, + "Polyporus_squamosus, scaly_polypore": 21197, + "Polyporus_tenuiculus": 21195, + "Pomeranian": 2342, + "Popper, Karl_Popper, Sir_Karl_Raimund_Popper": 17294, + "Port_Jackson_fig, rusty_rig, little-leaf_fig, Botany_Bay_fig, Ficus_rubiginosa": 19488, + "Port_Jackson_heath, Epacris_purpurascens": 19062, + "Portuguese_man-of-war, man-of-war, jellyfish": 1688, + "Postum": 12948, + "Potawatomi": 14557, + "Potemkin_village": 9443, + "Powhatan": 14558, + "President_of_the_United_States, United_States_President, President, Chief_Executive": 16509, + "Prima": 13011, + "Primus_stove, Primus": 9496, + "Prince-of-Wales'-heath, Prince_of_Wales_heath, Erica_perspicua": 18992, + "Prince_Albert": 9497, + "Prince_Albert_yew, Prince_Albert's_yew, Saxe-gothea_conspicua": 17506, + "Prince_of_Wales": 16522, + "Protium_guianense": 20246, + "Protium_heptaphyllum": 20245, + "Prussian": 14764, + "Przewalski's_horse, Przevalski's_horse, Equus_caballus_przewalskii, Equus_caballus_przevalskii": 3238, + "Psychopsis_krameriana, Oncidium_papilio_kramerianum": 18605, + "Psychopsis_papilio, Oncidium_papilio": 18606, + "Pteris_cretica": 21572, + "Pteropus_capestratus": 2475, + "Pteropus_hypomelanus": 2476, + "Pulex_irritans": 2604, + "Pullman, Pullman_car": 9551, + "Punjabi, Panjabi": 14581, + "Puritan": 16572, + "Pygmy, Pigmy": 16578, + "Pyracantha, pyracanth, fire_thorn, firethorn": 20126, + "Pyrenees_daisy, Leucanthemum_lacustre, Chrysanthemum_lacustre": 18362, + "QWERTY_keyboard": 9618, + "Qatari, Katari": 14710, + "Quebecois": 16587, + "Queen's_Counsel": 16594, + "Queen's_crape_myrtle, pride-of-India, Lagerstroemia_speciosa": 19293, + "Queen_of_England": 16589, + "Queensland_bottletree, narrow-leaved_bottletree, Brachychiton_rupestris, Sterculia_rupestris": 18930, + "Queensland_grass-cloth_plant, Pipturus_argenteus": 19468, + "Queensland_hemp, jellyleaf, Sida_rhombifolia": 18904, + "Queensland_nut, Macadamia_tetraphylla": 18974, + "RAM_disk": 9680, + "Radiigera_fuscogleba": 21183, + "Rambouillet": 3399, + "Ranvier's_nodes, nodes_of_Ranvier": 12136, + "Ravenna_grass, wool_grass, Erianthus_ravennae": 18722, + "Reaumur_thermometer": 9722, + "Red_Delicious": 13002, + "Rediffusion": 12205, + "Reform_Jew": 16637, + "Regius_professor": 16640, + "Renaissance_man, generalist": 16645, + "Reoviridae": 243, + "Reticulitermes_lucifugus": 2717, + "Reuben": 12785, + "Reynard": 2376, + "Rhea_Silvia, Rea_Silvia": 14457, + "Rhine_wine, Rhenish, hock": 13836, + "Rhizopogon_idahoensis": 20996, + "Rhode_Island_red": 1337, + "Rhodes_grass, Chloris_gayana": 18702, + "Rhodesian_man, Homo_rhodesiensis": 16666, + "Rhodesian_ridgeback": 2187, + "Rhone_wine": 13839, + "Richardson's_geranium, Geranium_richardsonii": 20227, + "Riesling": 21414, + "Rioja": 13840, + "Ritz": 9858, + "Rob_Roy": 13955, + "Rochon_prism, Wollaston_prism": 9872, + "Rock_Cornish": 1317, + "Rocky_Mountain_bee_plant, stinking_clover, Cleome_serrulata": 18001, + "Rocky_Mountain_jay, Perisoreus_canadensis_capitalis": 729, + "Rocky_mountain_pinon, Pinus_edulis": 17354, + "Rollerblade": 9887, + "Rolodex": 9900, + "Roman": 14676, + "Roman_arch, semicircular_arch": 9901, + "Roman_building": 9902, + "Roman_hyacinth, Hyacinthus_orientalis_albulus": 19636, + "Roman_nettle, Urtica_pipulifera": 19460, + "Roman_wormwood, Artemis_pontica": 18158, + "Romanian, Rumanian": 14711, + "Romanov, Romanoff": 16681, + "Rome_Beauty": 13020, + "Roquefort": 13548, + "Rosicrucian": 16688, + "Rottweiler": 2305, + "Rough_Rider": 16690, + "Rufous_rubber_cup": 21021, + "Russian_almond, dwarf_Russian_almond, Prunus_tenella": 20121, + "Russian_dandelion, kok-saghyz, kok-sagyz, Taraxacum_kok-saghyz": 18457, + "Russian_dressing, Russian_mayonnaise": 13430, + "Russian_thistle, Russian_tumbleweed, Russian_cactus, tumbleweed, Salsola_kali_tenuifolia": 17926, + "Rydberg's_penstemon, Penstemon_rydbergii": 20780, + "S-shape": 21658, + "S_wrench": 11035, + "Sabahan": 14690, + "Sabine": 14677, + "Sagittarius, Archer": 14777, + "Saigon_cinnamon, Cinnamomum_loureirii": 17600, + "Saint_Bernard, St_Bernard": 2326, + "Saint_Emilion": 13842, + "Salisbury_steak": 13715, + "Salish": 14560, + "Salmonella_typhimurium": 277, + "Saluki, gazelle_hound": 2216, + "Sam_Browne_belt": 10035, + "Samoyed, Samoyede": 2341, + "San_Jose_scale, Aspidiotus_perniciosus": 2789, + "Santa_Cruz_cypress, Cupressus_abramsiana, Cupressus_goveniana_abramsiana": 17439, + "Santa_Gertrudis": 3348, + "Santa_Lucia_fir, bristlecone_fir, Abies_bracteata, Abies_venusta": 17410, + "Saratoga_spittlebug, Aphrophora_saratogensis": 2817, + "Sarawakian": 14714, + "Sarcoscypha_coccinea, scarlet_cup": 21136, + "Sarcosomataceae": 21020, + "Sassenach": 16711, + "Saturday_night_special": 10063, + "Sauterne, Sauternes": 13845, + "Sauvignon_blanc": 21412, + "Sauvignon_grape": 21411, + "Savoyard": 16714, + "Sazerac": 13962, + "Scandinavian, Norse, Northman": 14715, + "Schmidt_telescope, Schmidt_camera": 10090, + "Schoolman, medieval_Schoolman": 16728, + "Schreiber's_aster": 18193, + "Scleroderma_bovista, smooth_earthball": 20991, + "Scleroderma_citrinum, Scleroderma_aurantium": 20989, + "Scleroderma_flavidium, star_earthball": 20990, + "Scomberomorus_maculatus": 4025, + "Scopolia_carniolica": 20846, + "Scotch, Scotch_whiskey, Scotch_whisky, malt_whiskey, malt_whisky, Scotch_malt_whiskey, Scotch_malt_whisky": 13904, + "Scotch_and_soda": 13965, + "Scotch_asphodel, Tofieldia_pusilla": 19646, + "Scotch_broth": 12410, + "Scotch_egg": 13721, + "Scotch_laburnum, Alpine_golden_chain, Laburnum_alpinum": 19815, + "Scotch_pine, Scots_pine, Scotch_fir, Pinus_sylvestris": 17385, + "Scotch_terrier, Scottish_terrier, Scottie": 2250, + "Scotch_woodcock": 13722, + "Scottish_deerhound, deerhound": 2217, + "Scythian_lamb, Cibotium_barometz": 21508, + "Sea_Scout": 16746, + "Sealyham_terrier, Sealyham": 2240, + "Secretary_of_Agriculture, Agriculture_Secretary": 16757, + "Secretary_of_Health_and_Human_Services": 16758, + "Secretary_of_State": 16759, + "Secretary_of_the_Interior, Interior_Secretary": 16760, + "Seder, Passover_supper": 178, + "Seeing_Eye_dog": 2324, + "Segway, Segway_Human_Transporter, Segway_HT": 10175, + "Selkup, Ostyak-Samoyed": 14655, + "Semite": 14511, + "Seneca_snakeroot, Seneka_snakeroot, senga_root, senega_root, senega_snakeroot, Polygala_senega": 20277, + "Senegalese": 14716, + "Sennenhunde": 2311, + "September_elm, red_elm, Ulmus_serotina": 19506, + "Serbian, Serb": 14771, + "Seven_Wonders_of_the_Ancient_World, Seven_Wonders_of_the_World": 10221, + "Shahaptian, Sahaptin, Sahaptino": 14561, + "Shakespearian, Shakespearean": 16795, + "Sharpie": 10245, + "Shasta": 14562, + "Shasta_salamander, Hydromantes_shastae": 927, + "Shavian": 16799, + "Shawnee": 14563, + "Shawnee_cake": 12724, + "Sheetrock": 10264, + "Sheraton": 10275, + "Shetland_pony": 3244, + "Shetland_sheepdog, Shetland_sheep_dog, Shetland": 2301, + "Shih-Tzu": 2178, + "Shintoist": 14598, + "Short's_aster, Aster_shortii": 18176, + "Shumard_oak, Shumard_red_oak, Quercus_shumardii": 19144, + "Siamese_cat, Siamese": 2402, + "Siberian_crab, Siberian_crab_apple, cherry_apple, cherry_crab, Malus_baccata": 20057, + "Siberian_elm, Chinese_elm, dwarf_elm, Ulmus_pumila": 19503, + "Siberian_husky": 2331, + "Siberian_larch, Larix_siberica, Larix_russica": 17399, + "Siberian_millet, Setaria_italica_rubrofructa": 18760, + "Siberian_pea_tree, Caragana_arborescens": 19753, + "Siberian_spruce, Picea_obovata": 17421, + "Siberian_wall_flower, Erysimum_allionii, Cheiranthus_allionii": 18053, + "Sibley_tent": 10357, + "Sicilian_pizza": 13703, + "Sierra_lodgepole_pine, Pinus_contorta_murrayana": 17378, + "Sierra_plum, Pacific_plum, Prunus_subcordata": 20119, + "Sihasapa": 14564, + "Silex": 10380, + "Sinanthropus, genus_Sinanthropus": 3580, + "Sinologist": 16830, + "Sister": 16833, + "Sitka_spruce, Picea_sitchensis": 17422, + "Sitka_willow, silky_willow, Salix_sitchensis": 20352, + "Sivapithecus": 3595, + "Skivvies": 10432, + "Skye_terrier": 2253, + "Slav": 14582, + "Sloppy_Joe": 12781, + "Slovene": 14717, + "Smiledon_californicus": 2443, + "Smitane": 13464, + "Sno-cat": 10516, + "Soave": 13843, + "Socinian": 16872, + "Socotra_begonia, Begonia_socotrana": 19387, + "Solomon's-seal": 19670, + "Sonoran_lyre_snake, Trimorphodon_lambda": 1189, + "Sonoran_whipsnake, Masticophis_bilineatus": 1158, + "Soubise, white_onion_sauce": 13465, + "South-African_yellowwood, Podocarpus_latifolius": 17488, + "South_African": 14718, + "South_American": 14719, + "South_American_Indian": 14706, + "South_American_poison_toad": 984, + "South_American_sea_lion, Otaria_Byronia": 2148, + "South_American_staghorn, Platycerium_andinum": 21478, + "Southern_Baptist": 16886, + "Southern_crab_apple, flowering_crab, Malus_angustifolia": 20061, + "Southern_dewberry, Rubus_trivialis": 20137, + "Spam": 12319, + "Spandau": 10595, + "Spanish_American, Hispanic_American, Hispanic": 16889, + "Spanish_bayonet, Yucca_aloifolia": 19688, + "Spanish_bayonet, Yucca_baccata": 19689, + "Spanish_broom, Spanish_gorse, Genista_hispanica": 19801, + "Spanish_cedar, Spanish_cedar_tree, Cedrela_odorata": 20253, + "Spanish_dagger, Yucca_gloriosa": 19694, + "Spanish_elm, Equador_laurel, salmwood, cypre, princewood, Cordia_alliodora": 20581, + "Spanish_fly": 2583, + "Spanish_grunt, Haemulon_macrostomum": 3912, + "Spanish_heath, Portuguese_heath, Erica_lusitanica": 18991, + "Spanish_iris, xiphium_iris, Iris_xiphium": 19527, + "Spanish_lime, Spanish_lime_tree, honey_berry, mamoncillo, genip, ginep, Melicocca_bijuga, Melicocca_bijugatus": 20391, + "Spanish_mackerel": 4023, + "Spanish_mackerel, Scomber_colias": 4020, + "Spanish_needles, Bidens_bipinnata": 18208, + "Spanish_oak, Quercus_texana": 19147, + "Spanish_onion": 12887, + "Spanish_oyster_plant, Scolymus_hispanicus": 18410, + "Spanish_paprika": 13370, + "Spanish_rice": 13725, + "Spanish_tamarind, Vangueria_madagascariensis": 20186, + "Speaker": 16894, + "Sphacelotheca, genus_Sphacelotheca": 21236, + "Spode": 10665, + "Spodoptera_exigua": 2941, + "Spodoptera_frugiperda": 2943, + "Spork": 10674, + "St._Augustine_grass, Stenotaphrum_secundatum, buffalo_grass": 18781, + "St_John's_wort": 19402, + "St_Peter's_wort, Hypericum_tetrapterum, Hypericum_maculatum": 19409, + "Staffordshire_bullterrier, Staffordshire_bull_terrier": 2222, + "Stanley_Steamer": 10745, + "Stapelias_asterias": 21626, + "Stassano_furnace, electric-arc_furnace": 10753, + "Statehouse": 10754, + "Stayman": 13012, + "Stayman_Winesap": 13014, + "Steller's_sea_cow, Hydrodamalis_gigas": 2136, + "Steller_sea_lion, Steller's_sea_lion, Eumetopias_jubatus": 2151, + "Sten_gun": 10796, + "Stillson_wrench": 10817, + "Stilton": 13547, + "Stinger": 10819, + "Stoker, Bram_Stoker, Abraham_Stoker": 17295, + "Stradavarius, Strad": 10864, + "Streptomyces_erythreus": 283, + "Streptomyces_griseus": 284, + "Streptopelia_turtur": 1409, + "Strophanthus_kombe": 17779, + "Stropharia_ambigua": 21080, + "Stropharia_hornemannii": 21081, + "Stropharia_rugoso-annulata": 21082, + "Strymon_melinus": 2894, + "Sudanese": 14720, + "Sufi": 16975, + "Suillus_albivelatus": 21216, + "Sundacarpus_amara, Prumnopitys_amara, Podocarpus_amara": 17507, + "Sunday_best, Sunday_clothes": 10945, + "Surgeon_General": 16991, + "Surinam_cherry, pitanga, Eugenia_uniflora": 19302, + "Surinam_toad, Pipa_pipa, Pipa_americana": 982, + "Sussex_spaniel": 2282, + "Swan_River_daisy, Brachycome_Iberidifolia": 18213, + "Swan_River_everlasting, rhodanthe, Rhodanthe_manglesii, Helipterum_manglesii": 18402, + "Swedish_meatball": 13689, + "Swedish_rye_bread, Swedish_rye": 12705, + "Swiss_canton": 14214, + "Swiss_cheese": 13572, + "Swiss_mountain_pine, mountain_pine, dwarf_mountain_pine, mugho_pine, mugo_pine, Pinus_mugo": 17366, + "Swiss_pine, Swiss_stone_pine, arolla_pine, cembra_nut_tree, Pinus_cembra": 17364, + "Swiss_steak": 13739, + "Syrian": 14721, + "Syrian_bear, Ursus_arctos_syriacus": 2447, + "T-bar_lift, T-bar, Alpine_lift": 11127, + "T-man": 17069, + "T-square": 11506, + "Tabasco, Tabasco_sauce": 13379, + "Tabernacle": 11048, + "Tahitian": 14722, + "Tampax": 11089, + "Tangier_pea, Tangier_peavine, Lalthyrus_tingitanus": 19824, + "Tanzanian": 14723, + "Taracahitian": 14566, + "Tarahumara": 14567, + "Tarsius_glis": 3667, + "Tarsius_syrichta": 3666, + "Tartuffe, Tartufe": 17015, + "Tarzan": 17016, + "Tasmanian_devil, ursine_dasyure, Sarcophilus_hariisi": 1622, + "Tatar, Tartar, Mongol_Tatar": 14518, + "Ted, Teddy_boy": 17027, + "Teleprompter": 11163, + "Temperate_Zone": 14197, + "Tennessee_walker, Tennessee_walking_horse, Walking_horse, Plantation_walking_horse": 3222, + "Tesla_coil": 11211, + "Teton, Lakota, Teton_Sioux, Teton_Dakota": 14565, + "Tetrazzini": 13640, + "Texan": 14757, + "Texas_Ranger, Ranger": 17047, + "Texas_bluebonnet, Lupinus_texensis": 19840, + "Texas_chachalaca, Ortilis_vetula_macalli": 1365, + "Texas_horned_lizard, Phrynosoma_cornutum": 1046, + "Texas_purple_spike, Hexalectris_warnockii": 18573, + "Texas_snowbell, Texas_snowbells, Styrax_texana": 20491, + "Texas_star, Lindheimera_texana": 18367, + "Texas_toad, Bufo_speciosus": 958, + "Texas_tortoise": 1018, + "Thessalonian": 17054, + "Thompson_Seedless": 13133, + "Thomson's_gazelle, Gazella_thomsoni": 3436, + "Thousand_Island_dressing": 13432, + "Tibetan": 14724, + "Tibetan_mastiff": 2319, + "Tibetan_terrier, chrysanthemum_dog": 2251, + "Timorese": 17063, + "Toda": 14577, + "Togolese": 14725, + "Tokay": 13848, + "Tommy_gun, Thompson_submachine_gun": 11340, + "Torrey_pine, Torrey's_pine, soledad_pine, grey-leaf_pine, sabine_pine, Pinus_torreyana": 17393, + "Tory": 17077, + "Townes, Charles_Townes, Charles_Hard_Townes": 17296, + "Trapezium": 14432, + "Treasury, First_Lord_of_the_Treasury": 17111, + "Tremella_foliacea": 21222, + "Tremella_reticulata": 21223, + "Tricholoma_aurantium": 21108, + "Tricholoma_pardinum": 21106, + "Tricholoma_pessundatum": 21102, + "Tricholoma_sejunctum": 21103, + "Tricholoma_vaccinum": 21107, + "Tricholoma_venenata": 21105, + "Trotskyite, Trotskyist, Trot": 17119, + "Truncocolumella_citrina": 20997, + "Tuareg": 14726, + "Tudor": 17123, + "Tudor_arch, four-centered_arch": 11513, + "Tulipa_gesneriana": 19630, + "Tulu": 14578, + "Tungus, Evenk": 14734, + "Tupi": 14620, + "Turk's-cap, Turk's_cap-lily, Lilium_superbum": 19556, + "Turk's-cap, martagon, Lilium_martagon": 19553, + "Turk's_head": 11530, + "Turkey_red, alizarine_red": 12018, + "Turki": 14727, + "Turkish_Delight": 12538, + "Turkish_bath": 11528, + "Turkish_coffee": 13990, + "Turkish_towel, terry_towel": 11529, + "Turkoman, Turkmen, Turcoman": 14729, + "Tuscarora": 14568, + "Tutelo": 14569, + "Tyke": 17128, + "Tyrian_purple": 12043, + "UNIX_guru": 17140, + "Ugandan": 14731, + "Ukranian": 14732, + "Ultrasuede": 11564, + "Ungulata": 3187, + "Uniat, Uniate, Uniate_Christian": 14589, + "Unitarian": 17137, + "Unknown_Soldier": 17141, + "Urnula_craterium, urn_fungus": 21142, + "Uruguay_potato": 12814, + "Uruguayan": 14759, + "Utahan": 14758, + "Utopian": 17153, + "Uzbek, Uzbeg, Uzbak, Usbek, Usbeg": 14730, + "Uzi": 11592, + "V-8_juice": 14018, + "Valencia_orange": 13057, + "Valenciennes, Valenciennes_lace": 11598, + "Velcro": 11616, + "Velveeta": 13576, + "Venetian_blind": 11623, + "Venetian_sumac, wig_tree, Cotinus_coggygria": 20439, + "Venn_diagram, Venn's_diagram": 11624, + "Venus'_slipper, Venus's_slipper, Venus's_shoe": 18592, + "Venus's_flower_basket": 1675, + "Venus's_flytrap, Venus's_flytraps, Dionaea_muscipula": 20500, + "Venus's_girdle, Cestum_veneris": 1708, + "Verdicchio": 21418, + "Verpa, bell_morel": 21148, + "Verpa_bohemica, early_morel": 21149, + "Verpa_conica, conic_Verpa": 21150, + "Very_pistol, Verey_pistol": 11635, + "Vichy_water": 14093, + "Victoria_plum": 13077, + "Victorian": 17175, + "Victrola": 11647, + "Vidalia_onion": 12886, + "Vietnamese, Annamese": 14760, + "Virgin_Mary, bloody_shame": 13937, + "Virginia_bluebell, Virginia_cowslip, Mertensia_virginica": 20590, + "Virginia_chain_fern, Woodwardia_virginica": 21500, + "Virginia_creeper, American_ivy, woodbine, Parthenocissus_quinquefolia": 21420, + "Virginia_crownbeard, frostweed, frost-weed, Verbesina_virginica": 18472, + "Virginia_deer, white_tail, whitetail, white-tailed_deer, whitetail_deer, Odocoileus_Virginianus": 3474, + "Virginia_mallow, Sida_hermaphrodita": 18903, + "Virginia_oyster": 1802, + "Virginia_snakeroot, Virginia_serpentaria, Virginia_serpentary, Aristolochia_serpentaria": 17839, + "Virginia_spring_beauty, Claytonia_virginica": 17985, + "Virginia_strawberry, scarlet_strawberry, Fragaria_virginiana": 20046, + "Virginia_thimbleweed, Anemone_virginiana": 17658, + "Virginia_waterleaf, Shawnee_salad, shawny, Indian_salad, John's_cabbage, Hydrophyllum_virginianum": 20625, + "Virginian_stock, Virginia_stock, Malcolmia_maritima": 18065, + "Virginian_witch_hazel, Hamamelis_virginiana": 19255, + "Visayan, Bisayan": 17186, + "Visigoth": 17189, + "Viyella": 11672, + "Volvaria_bombycina": 21109, + "Volvariella_bombycina": 21114, + "Vouvray": 13855, + "WASP, white_Anglo-Saxon_Protestant": 14515, + "Wagnerian": 17207, + "Waldorf_salad": 13272, + "Walker_hound, Walker_foxhound": 2202, + "Walkman": 11705, + "Walloon": 14768, + "Wandering_Jew": 17218, + "Wankel_engine, Wankel_rotary_engine, epitrochoidal_engine": 11714, + "Wave": 17227, + "Wedgwood": 11795, + "Weimaraner": 2219, + "Weissbier, white_beer, wheat_beer": 13782, + "Weizenbock": 13783, + "Welsh, Welsh_Black": 3346, + "Welsh_onion, Japanese_leek, Allium_fistulosum": 19569, + "Welsh_pony": 3245, + "Welsh_poppy, Meconopsis_cambrica": 18104, + "Welsh_rarebit, Welsh_rabbit, rarebit": 13745, + "Welsh_springer_spaniel": 2280, + "Welsh_terrier": 2239, + "West-sider": 17234, + "West_Highland_white_terrier": 2256, + "West_Indian_jasmine, pagoda_tree, Plumeria_alba": 17776, + "West_Saxon": 14638, + "Western_Australia_coral_pea, Hardenbergia_comnptoniana": 19809, + "Western_box_turtle, Terrapene_ornata": 1011, + "Western_diamondback, Western_diamondback_rattlesnake, Crotalus_atrox": 1246, + "Western_mountain_ash, Sorbus_sitchensis": 20151, + "Western_ribbon_snake, Thamnophis_proximus": 1174, + "Western_silvery_aster": 18200, + "Weston_cell, cadmium_cell": 11810, + "Whig": 17237, + "Whipple's_penstemon, Penstemon_whippleanus": 20782, + "White, White_person, Caucasian": 14509, + "White_Russian": 14056, + "Wiffle, Wiffle_Ball": 11855, + "Wilson's_phalarope, Steganopus_tricolor": 2021, + "Wilson's_snipe, Gallinago_gallinago_delicata": 1998, + "Wilson's_warbler, Wilson's_blackcap, Wilsonia_pusilla": 675, + "Wilton, Wilton_carpet": 11858, + "Winchester": 11863, + "Windsor_chair": 11882, + "Windsor_knot": 11883, + "Windsor_tie": 11884, + "Winesap": 13013, + "Wisconsin_weeping_willow, Salix_pendulina, Salix_blanda, Salix_pendulina_blanda": 20334, + "Wollemi_pine": 17463, + "Worcester_sauce, Worcestershire, Worcestershire_sauce": 13472, + "World_Wide_Web, WWW, web": 11943, + "Wykehamist": 17278, + "Wynnea_americana": 21154, + "Wynnea_sparassoides": 21155, + "X-ray_film": 11965, + "X-ray_machine": 11966, + "X-ray_tube": 11967, + "X_chromosome": 12114, + "Xerox, xerographic_copier, Xerox_machine": 11964, + "Xhosa": 14772, + "Yakut": 14733, + "Yana": 14570, + "Yavapai": 14571, + "Yemeni": 14769, + "Yersinia_pestis": 263, + "Yokuts": 14572, + "Yorkshire_pudding": 12735, + "Yorkshire_terrier": 2230, + "Yosemite_toad, Bufo_canorus": 957, + "Young_Turk": 17288, + "Yquem": 13856, + "Yugoslav, Jugoslav, Yugoslavian, Jugoslavian": 14770, + "Yukon_white_birch, Betula_neoalaskana": 19162, + "Yuma": 14573, + "Zairese, Zairean": 14773, + "Zamboni": 11985, + "Zen_Buddhist": 14594, + "Zimbabwean": 14774, + "Zinfandel": 21415, + "Zinjanthropus, genus_Zinjanthropus": 3592, + "Zionist": 17289, + "Zulu": 14775, + "aalii": 20378, + "aardvark, ant_bear, anteater, Orycteropus_afer": 2163, + "aardwolf, Proteles_cristata": 2373, + "aba": 4135, + "abaca, Manila_hemp, Musa_textilis": 19368, + "abacus": 4136, + "abalone, ear-shell": 1754, + "abandoned_ship, derelict": 4137, + "abattoir, butchery, shambles, slaughterhouse": 4139, + "abaya": 4140, + "abbe": 14779, + "abbess, mother_superior, prioress": 14780, + "abbey": 4144, + "abdominal_wall": 12158, + "abecedarian": 14786, + "abelia": 20187, + "abelmosk, musk_mallow, Abelmoschus_moschatus, Hibiscus_moschatus": 18867, + "aberrant": 14787, + "abettor, abetter": 14788, + "abhorrer": 14789, + "abnegator": 14781, + "abomination": 14790, + "abortus": 412, + "abrader, abradant": 4146, + "abrading_stone": 4147, + "abridger, abbreviator": 14782, + "abrocome, chinchilla_rat, rat_chinchilla": 3180, + "absconder": 14784, + "abseiler, rappeller": 14791, + "absinth, absinthe": 13907, + "absolver": 14785, + "abstainer, ascetic": 14792, + "abstractor, abstracter": 14783, + "abutment": 4148, + "abutment_arch": 4149, + "abyssal_zone": 14215, + "acacia": 17727, + "academic_administrator": 14793, + "academic_costume": 4150, + "academic_gown, academic_robe, judge's_robe": 4151, + "academician": 14794, + "acanthocephalan, spiny-headed_worm": 1713, + "acanthus": 20565, + "acarid": 1291, + "acarine": 1276, + "acarus, genus_Acarus": 1295, + "accelerator, accelerator_pedal, gas_pedal, gas, throttle, gun": 4154, + "accelerator, particle_accelerator, atom_smasher": 4153, + "accelerator, throttle, throttle_valve": 4152, + "accelerometer": 4155, + "accentor": 538, + "accessory, accoutrement, accouterment": 4156, + "accessory_before_the_fact": 14795, + "accessory_fruit, pseudocarp": 21395, + "accommodating_lens_implant, accommodating_IOL": 4157, + "accommodation": 4158, + "accompanist, accompanyist": 14797, + "accomplice, confederate": 14798, + "accordion, piano_accordion, squeeze_box": 4159, + "account_executive, account_representative, registered_representative, customer's_broker, customer's_man": 14799, + "accused": 14800, + "accuser": 14801, + "acerola, barbados_cherry, surinam_cherry, West_Indian_cherry": 13041, + "acetate_disk, phonograph_recording_disk": 4160, + "acetate_rayon, acetate": 4161, + "achene": 18484, + "achillea": 18116, + "achimenes, hot_water_plant": 20613, + "achira, indian_shot, arrowroot, Canna_indica, Canna_edulis": 19361, + "achromatic_lens": 4162, + "achromia": 12007, + "acid_head": 14802, + "acidophilus_milk": 13504, + "acinus": 21385, + "ackee, akee": 13144, + "aconite": 17643, + "acorn": 19102, + "acorn_barnacle, rock_barnacle, Balanus_balanoides": 1892, + "acorn_squash": 18836, + "acoustic_delay_line, sonic_delay_line": 4163, + "acoustic_device": 4164, + "acoustic_guitar": 4165, + "acoustic_modem": 4166, + "acquaintance, friend": 14803, + "acquirer": 14804, + "acrobatics, tumbling": 19, + "acrocarp, acrocarpous_moss": 17311, + "acrodont": 233, + "acropolis": 4167, + "acrylic": 4168, + "acrylic, acrylic_paint": 4169, + "actinia, actinian, actiniarian": 1693, + "actinometer": 4170, + "actinomycete": 281, + "action, action_mechanism": 4171, + "action_officer": 14806, + "active": 14807, + "active_citizen": 14808, + "active_matrix_screen": 4172, + "actor, doer, worker": 14810, + "actor, histrion, player, thespian, role_player": 14809, + "actuator": 4173, + "acuminate_leaf": 21438, + "acute_angle": 21707, + "acute_triangle, acute-angled_triangle": 21681, + "adapter, adaptor": 4174, + "addax, Addax_nasomaculatus": 3429, + "adder": 4175, + "adder's_tongue, adder's_tongue_fern": 20973, + "adder, common_viper, Vipera_berus": 1232, + "addict, nut, freak, junkie, junky": 14811, + "adding_machine, totalizer, totaliser": 4176, + "addle-head, addlehead, loon, birdbrain": 16827, + "addressing_machine, Addressograph": 4177, + "adducer": 14812, + "adelgid": 2805, + "adenovirus": 238, + "adhesive_bandage": 4178, + "adit": 4179, + "adjoining_room": 4180, + "adjustable_wrench, adjustable_spanner": 4181, + "adjuster, adjustor, claims_adjuster, claims_adjustor, claim_agent": 14813, + "adjutant, aide, aide-de-camp": 14814, + "adjutant_bird, adjutant, adjutant_stork, Leptoptilus_dubius": 1899, + "adjutant_general": 14815, + "admiral": 2867, + "admirer, adorer": 14816, + "adobe, adobe_brick": 4182, + "adobe_lily, pink_fritillary, Fritillaria_pluriflora": 19625, + "adobo": 12350, + "adonis": 16071, + "adoptee": 14817, + "adult": 211, + "adulterer, fornicator": 14818, + "adulteress, fornicatress, hussy, jade, loose_woman, slut, strumpet, trollop": 14819, + "adventurer, venturer": 14459, + "advertiser, advertizer, adman": 14820, + "advisee": 14821, + "advocate, advocator, proponent, exponent": 14822, + "adz, adze": 4183, + "aecium": 21226, + "aeolian_harp, aeolian_lyre, wind_harp": 4184, + "aerator": 4185, + "aerial_torpedo": 4186, + "aerialist": 14805, + "aerides": 18501, + "aerie, aery, eyrie, eyry": 14216, + "aeronautical_engineer": 14823, + "aerosol, aerosol_container, aerosol_can, aerosol_bomb, spray_can": 4187, + "aeschynanthus": 20614, + "affenpinscher, monkey_pinscher, monkey_dog": 2334, + "affiliate": 14824, + "affluent": 14825, + "afghan": 4189, + "aficionado": 14826, + "aflatoxin": 21775, + "afropavo, Congo_peafowl, Afropavo_congensis": 1374, + "after-shave, after-shave_lotion": 4192, + "afterburner": 4191, + "aftershaft": 1657, + "agama": 1064, + "agamid, agamid_lizard": 1063, + "agar, nutrient_agar": 21790, + "agaric": 21045, + "agaric, Fomes_igniarius": 21199, + "agateware": 4193, + "agave, century_plant, American_aloe": 19675, + "agent-in-place": 14828, + "ageratum": 18120, + "agglomerator": 4194, + "aggravator, annoyance": 14829, + "aggregate_fruit, multiple_fruit, syncarp": 21383, + "agitator, fomenter": 14830, + "aglet, aiglet": 4196, + "aglet, aiglet, aiguilette": 4195, + "agnostic": 14831, + "agnostic, doubter": 14832, + "agonist": 14833, + "agony_aunt": 14834, + "agora": 14115, + "agora, public_square": 4197, + "agouti, Dasyprocta_aguti": 3173, + "agriculturist, agriculturalist, cultivator, grower, raiser": 14835, + "agrimonia, agrimony": 20025, + "agua, agua_toad, Bufo_marinus": 951, + "ague_root, ague_grass, Aletris_farinosa": 19559, + "agueweed, ague_weed, five-flowered_gentian, stiff_gentian, Gentianella_quinquefolia, Gentiana_quinquefolia": 19202, + "aigrette, aigret": 4198, + "ailanthus": 20311, + "ailanthus_silkworm, Samia_cynthia": 2962, + "aileron": 4199, + "aioli, aioli_sauce, garlic_sauce": 13429, + "air-to-air_missile": 4228, + "air-to-ground_missile, air-to-surface_missile": 4229, + "air_attache": 14836, + "air_bag": 4200, + "air_bubble": 14217, + "air_compressor": 4204, + "air_conditioner, air_conditioning": 4205, + "air_cushion, air_spring": 4209, + "air_filter, air_cleaner": 4212, + "air_force_officer, commander": 14837, + "air_gun, airgun, air_rifle": 4215, + "air_hammer, jackhammer, pneumatic_hammer": 4216, + "air_horn": 4217, + "air_pump, vacuum_pump": 4224, + "air_search_radar": 4225, + "air_terminal, airport_terminal": 4227, + "air_traveler, air_traveller": 14839, + "airbrake": 4201, + "airbrush": 4202, + "airbus": 4203, + "aircraft": 4206, + "aircraft_carrier, carrier, flattop, attack_aircraft_carrier": 4207, + "aircraft_engine": 4208, + "airdock, hangar, repair_shed": 4210, + "airfield, landing_field, flying_field, field": 4211, + "airfoil, aerofoil, control_surface, surface": 4213, + "airframe": 4214, + "airhead": 14838, + "airing_cupboard": 4218, + "airliner": 4219, + "airmailer": 4220, + "airplane, aeroplane, plane": 4221, + "airplane_propeller, airscrew, prop": 4222, + "airport, airdrome, aerodrome, drome": 4223, + "airship, dirigible": 4226, + "aisle": 4230, + "akee, akee_tree, Blighia_sapida": 20382, + "alabaster": 12012, + "alarm, warning_device, alarm_system": 4232, + "alarm_clock, alarm": 4233, + "alarmist": 14840, + "alb": 4234, + "albacore, long-fin_tunny, Thunnus_alalunga": 4029, + "albatross, mollymawk": 2087, + "albino": 14841, + "albizzia, albizia": 17739, + "album, record_album": 12223, + "alcazar": 4235, + "alcohol, alcoholic_drink, alcoholic_beverage, intoxicant, inebriant": 13765, + "alcohol_thermometer, alcohol-in-glass_thermometer": 4236, + "alcoholic, alky, dipsomaniac, boozer, lush, soaker, souse": 14842, + "alder, alder_tree": 19165, + "alderfly, alder_fly, Sialis_lutaria": 2840, + "alderleaf_Juneberry, alder-leaved_serviceberry, Amelanchier_alnifolia": 20028, + "alderman": 14843, + "ale": 13787, + "alehouse": 4237, + "alembic": 4238, + "alewife, Alosa_pseudoharengus, Pomolobus_pseudoharengus": 3748, + "alexic": 14844, + "alfalfa": 13228, + "alfalfa, lucerne, Medicago_sativa": 19846, + "alfalfa_sprout": 12865, + "alga, algae": 315, + "algarroba, algarrobilla, algarobilla": 17756, + "algebraist": 14848, + "algometer": 4239, + "alidade, alidad": 4241, + "alienee, grantee": 14845, + "alienor": 14846, + "aliterate, aliterate_person": 14847, + "alkali_grass, Zigadenus_elegans": 19657, + "allamanda": 17763, + "allegorizer, allegoriser": 14849, + "allemande, allemande_sauce": 13468, + "alley_cat": 2391, + "alliaceous_plant": 19561, + "allice_shad, allis_shad, allice, allis, Alosa_alosa": 3747, + "alligator, gator": 1092, + "alligator_lizard": 1069, + "alligator_snapping_turtle, alligator_snapper, Macroclemys_temmincki": 1002, + "alligator_weed, alligator_grass, Alternanthera_philoxeroides": 17899, + "alligator_wrench": 4245, + "alliterator": 14850, + "allosaur, allosaurus": 1122, + "allspice": 17590, + "allspice, allspice_tree, pimento_tree, Pimenta_dioica": 19298, + "allspice_tree, Pimenta_officinalis": 19299, + "alluvial_flat, alluvial_plain": 14218, + "almond": 13066, + "almond, sweet_almond, Prunus_dulcis, Prunus_amygdalus, Amygdalus_communis": 20098, + "almond_extract": 13383, + "almond_moth, fig_moth, Cadra_cautella": 2919, + "almond_tree": 20097, + "almond_willow, black_Hollander, Salix_triandra, Salix_amygdalina": 20339, + "almoner, medical_social_worker": 14851, + "alms_dish, alms_tray": 4246, + "alocasia, elephant's_ear, elephant_ear": 17787, + "alp": 14219, + "alpaca": 4247, + "alpaca, Lama_pacos": 3498, + "alpenstock": 4248, + "alpha-tocopheral": 21776, + "alphabet_soup": 12372, + "alpine_ash, mountain_oak, Eucalyptus_delegatensis": 19321, + "alpine_azalea, mountain_azalea, Loiseleuria_procumbens": 19021, + "alpine_bearberry, black_bearberry, Arctostaphylos_alpina": 18998, + "alpine_clover, Trifolium_alpinum": 17720, + "alpine_clubmoss, Lycopodium_alpinum": 21587, + "alpine_coltsfoot, Homogyne_alpina, Tussilago_alpina": 18340, + "alpine_gold, alpine_hulsea, Hulsea_algida": 18341, + "alpine_goldenrod, Solidago_multiradiata": 18428, + "alpine_milk_vetch, Astragalus_alpinus": 19742, + "alpine_salamander, Salamandra_atra": 898, + "alpine_totara, Podocarpus_nivalis": 17489, + "alpinist": 14852, + "altar": 4249, + "altar, communion_table, Lord's_table": 4250, + "altar_boy": 14853, + "altar_wine, sacramental_wine": 13807, + "altarpiece, reredos": 4251, + "altazimuth": 4252, + "alternator": 4253, + "althea, althaea, hollyhock": 18872, + "altimeter": 4254, + "alto": 14854, + "alumroot, alumbloom": 20535, + "alyssum, madwort": 18008, + "amabilis_fir, white_fir, Pacific_silver_fir, red_silver_fir, Christmas_tree, Abies_amabilis": 17403, + "amaranth": 17894, + "amarelle": 13115, + "amarelle, Prunus_cerasus_caproniana": 20094, + "amaretto": 13908, + "amaryllis": 19534, + "amazon": 1428, + "ambassador": 14856, + "ambassador, embassador": 14855, + "amber_lily, Anthericum_torreyi": 19586, + "amberjack, amberfish": 3882, + "amboina_pine, amboyna_pine, Agathis_dammara, Agathis_alba": 17472, + "ambrosia": 12541, + "ambrosia, nectar": 12540, + "ambulance": 4256, + "ambusher": 14857, + "ambystomid, ambystomid_salamander": 906, + "ameba, amoeba": 307, + "amen_corner": 4257, + "amethystine_python": 1206, + "amicus_curiae, friend_of_the_court": 14858, + "ammeter": 4259, + "ammobium": 18127, + "ammonia_clock": 4260, + "ammunition, ammo": 4261, + "amniote": 432, + "amoralist": 14859, + "amorphophallus": 17789, + "amorphous_shape": 21655, + "amphibian": 892, + "amphibian, amphibious_aircraft": 4262, + "amphibian, amphibious_vehicle": 4263, + "amphipod": 1881, + "amphitheater, amphitheatre": 4265, + "amphitheater, amphitheatre, coliseum": 4264, + "amphiuma, congo_snake, congo_eel, blind_eel": 929, + "amphora": 4266, + "amplifier": 4267, + "ampulla": 4268, + "amputee": 14860, + "amusement_arcade": 4269, + "amusement_park, funfair, pleasure_ground": 14116, + "amyloid_plaque, amyloid_protein_plaque": 12082, + "anaconda, Eunectes_murinus": 1200, + "anadama_bread": 12662, + "analog_clock": 4270, + "analog_computer, analogue_computer": 4271, + "analog_watch": 4272, + "analogist": 14861, + "analphabet, analphabetic": 14862, + "analyst": 14863, + "analytical_balance, chemical_balance": 4273, + "analyzer, analyser": 4274, + "anamorphosis, anamorphism": 4275, + "anapsid, anapsid_reptile": 987, + "anarchist, nihilist, syndicalist": 14866, + "anaspid": 437, + "anastigmat": 4276, + "anathema, bete_noire": 14867, + "ancestor, ascendant, ascendent, antecedent, root": 14868, + "anchor, anchorman, anchorperson": 14869, + "anchor, ground_tackle": 4277, + "anchor_chain, anchor_rope": 4278, + "anchor_light, riding_light, riding_lamp": 4279, + "anchorite, hermit": 16642, + "anchovy": 3758, + "anchovy_butter": 13587, + "anchovy_dressing": 13424, + "anchovy_paste": 13217, + "anchovy_pear, anchovy_pear_tree, Grias_cauliflora": 19287, + "anchovy_pear, river_pear": 13087, + "anchovy_pizza": 13702, + "anchovy_sauce": 13401, + "anchusa": 20577, + "ancient": 14870, + "ancient_pine, Pinus_longaeva": 17367, + "andiron, firedog, dog, dog-iron": 4281, + "andrena, andrenid, mining_bee": 2672, + "android, humanoid, mechanical_man": 4282, + "andryala": 18131, + "anecdotist, raconteur": 14871, + "anechoic_chamber": 4283, + "anemometer, wind_gauge, wind_gage": 4284, + "anemone, windflower": 17650, + "anemone_fish": 3974, + "aneroid_barometer, aneroid": 4285, + "angel's_trumpet, Brugmansia_suaveolens, Datura_suaveolens": 20809, + "angel's_trumpet, maikoa, Brugmansia_arborea, Datura_arborea": 20808, + "angel-wing_begonia, Begonia_cocchinea": 19382, + "angel_shark, angelfish, Squatina_squatina, monkfish": 490, + "angelfish": 3970, + "angelica": 13382, + "angelica, angelique": 20896, + "angelim, andelmin": 19736, + "angiocardiogram": 4286, + "angiopteris, giant_fern, Angiopteris_evecta": 21576, + "angioscope": 4287, + "angiosperm, flowering_plant": 17517, + "angiospermous_tree, flowering_tree": 21322, + "angle_bracket, angle_iron": 4288, + "angle_of_refraction": 21706, + "angled_loofah, sing-kwa, Luffa_acutangula": 18856, + "angledozer": 4289, + "angler, troller": 14872, + "anglewing": 2873, + "angling": 100, + "angoumois_moth, angoumois_grain_moth, Sitotroga_cerealella": 2929, + "angrecum": 18502, + "anguid_lizard": 1068, + "angular_distance": 21703, + "angwantibo, golden_potto, Arctocebus_calabarensis": 3661, + "ani": 1449, + "anil, Indigofera_suffruticosa, Indigofera_anil": 19812, + "animal, animate_being, beast, brute, creature, fauna": 5, + "animal_trainer, handler": 15764, + "animator": 14873, + "animist": 14874, + "anise, anise_plant, Pimpinella_anisum": 20929, + "anise, aniseed, anise_seed": 13384, + "anise_hyssop, Agastache_foeniculum": 20639, + "anise_tree": 17607, + "anisette, anisette_de_Bordeaux": 13909, + "anjou": 13177, + "ankle_brace": 4290, + "anklet": 4292, + "anklet, anklets, bobbysock, bobbysocks": 4291, + "ankus": 4293, + "ankylosaur, ankylosaurus": 1100, + "annelid, annelid_worm, segmented_worm": 1739, + "annotator": 14875, + "announcer": 14877, + "annual": 17329, + "annual_fern, Jersey_fern, Anogramma_leptophylla": 21554, + "annual_salt-marsh_aster": 18179, + "anoa, dwarf_buffalo, Anoa_depressicornis": 3369, + "anode": 4295, + "anomalops, flashlight_fish": 393, + "anomaly, unusual_person": 14460, + "anopheline": 2643, + "anseriform_bird": 1510, + "answering_machine": 4296, + "ant, emmet, pismire": 2702, + "ant_bear, giant_anteater, great_anteater, tamanoir, Myrmecophaga_jubata": 3560, + "ant_cow": 2801, + "ant_lion, antlion, antlion_fly": 2831, + "ant_shrike": 626, + "ant_thrush": 625, + "antbird, ant_bird": 624, + "anteater, New_World_anteater": 3559, + "antelope": 3426, + "antelope_squirrel, whitetail_antelope_squirrel, antelope_chipmunk, Citellus_leucurus": 3143, + "antenna, aerial, transmitting_aerial": 4297, + "anteroom, antechamber, entrance_hall, hall, foyer, lobby, vestibule": 4298, + "anthill, formicary": 14221, + "anthozoan, actinozoan": 1691, + "anthropoid": 3570, + "anthropoid_ape": 3571, + "anthurium, tailflower, tail-flower": 17792, + "anti": 14878, + "anti-American": 14879, + "anti-G_suit, G_suit": 4302, + "anti-Semite, Jew-baiter": 14880, + "anti-submarine_rocket": 4305, + "antiaircraft, antiaircraft_gun, flak, flack, pom-pom, ack-ack, ack-ack_gun": 4299, + "antiballistic_missile, ABM": 4300, + "antifouling_paint": 4301, + "antimacassar": 4303, + "antipasto": 12356, + "antiperspirant": 4304, + "antler_moth, Cerapteryx_graminis": 2936, + "anvil": 4306, + "ao_dai": 4307, + "aoudad, arui, audad, Barbary_sheep, maned_sheep, Ammotragus_lervia": 3408, + "apadana": 4308, + "apar, three-banded_armadillo, Tolypeutes_tricinctus": 3548, + "apartment, flat": 4309, + "apartment_building, apartment_house": 4310, + "apatosaur, apatosaurus, brontosaur, brontosaurus, thunder_lizard, Apatosaurus_excelsus": 1114, + "ape": 3569, + "ape-man": 14882, + "aperea, wild_cavy, Cavia_porcellus": 3170, + "aperitif": 13770, + "aperture": 4312, + "apetalous_flower": 17524, + "aphakic": 14883, + "aphelion": 14117, + "aphid": 2796, + "aphid_lion, aphis_lion": 2834, + "apiary, bee_house": 4313, + "apodiform_bird": 1468, + "apolemia": 1690, + "apomict": 17308, + "aposematic_coloration, warning_coloration": 12067, + "apparatus, setup": 4314, + "apparel, wearing_apparel, dress, clothes": 4315, + "appellant, plaintiff_in_error": 14884, + "appendicularia": 428, + "appetizer, appetiser, starter": 12357, + "apple": 12994, + "apple, orchard_apple_tree, Malus_pumila": 20054, + "apple_aphid, green_apple_aphid, Aphis_pomi": 2797, + "apple_butter": 12630, + "apple_dumpling": 12563, + "apple_geranium, nutmeg_geranium, Pelargonium_odoratissimum": 20234, + "apple_jelly": 12636, + "apple_juice": 14005, + "apple_maggot, railroad_worm, Rhagoletis_pomonella": 2629, + "apple_mint, applemint, Mentha_rotundifolia, Mentha_suaveolens": 20689, + "apple_of_Peru, shoo_fly, Nicandra_physaloides": 20827, + "apple_rust, cedar-apple_rust, Gymnosporangium_juniperi-virginianae": 21230, + "apple_tree": 20053, + "apple_turnover": 12617, + "applecart": 4316, + "applejack": 13876, + "applesauce, apple_sauce": 13377, + "appliance": 4317, + "appliance, contraption, contrivance, convenience, gadget, gizmo, gismo, widget": 4318, + "applicator, applier": 4319, + "appointee": 14885, + "appointee, appointment": 14461, + "appointment, fitting": 4320, + "appreciator": 14889, + "apprehender": 14886, + "appropriator": 14890, + "apricot": 13068, + "apricot, apricot_tree": 20080, + "apricot_sauce": 13414, + "apron": 14118, + "apron_string": 4322, + "apse, apsis": 4323, + "aqua_vitae, ardent_spirits": 13868, + "aqualung, Aqua-Lung, scuba": 4324, + "aquaplane": 4325, + "aquarium, fish_tank, marine_museum": 4326, + "aquatic": 17309, + "aquatic_bird": 1508, + "aquatic_mammal": 2100, + "aquatic_vertebrate": 433, + "aquavit, akvavit": 13872, + "aquifer": 14222, + "arabesque": 4327, + "arachnid, arachnoid": 1258, + "aralia": 17826, + "arame": 316, + "arariba, Centrolobium_robustum": 17713, + "araucaria": 17464, + "arbor": 21315, + "arbor, arbour, bower, pergola": 4328, + "arboreal_salamander, Aneides_lugubris": 924, + "arborescent_plant": 21310, + "arborvitae": 17457, + "arbovirus, arborvirus": 237, + "arc_lamp, arc_light": 4334, + "arcade, colonnade": 4329, + "arcella": 310, + "arch": 4330, + "arch_support": 4333, + "archaebacteria, archaebacterium, archaeobacteria, archeobacteria": 260, + "archaeopteryx, archeopteryx, Archaeopteryx_lithographica": 521, + "archaeornis": 522, + "archaist": 14892, + "archbishop": 14893, + "archer, bowman": 14894, + "archerfish, Toxotes_jaculatrix": 4010, + "archery": 56, + "archespore, archesporium": 17557, + "archiannelid": 1740, + "archil, orchil": 21033, + "archipelago": 14223, + "architect, designer": 14895, + "architecture": 4331, + "architeuthis, giant_squid": 1830, + "architrave": 4332, + "archivist": 14896, + "archpriest, hierarch, high_priest, prelate, primate": 14897, + "arctic, galosh, golosh, rubber, gumshoe": 4335, + "arctic_willow, Salix_arctica": 20332, + "arctiid, arctiid_moth": 2968, + "area": 4336, + "areaway": 4337, + "areca": 19933, + "arenavirus": 239, + "arete": 14224, + "arethusa": 18505, + "argali, argal, Ovis_ammon": 3401, + "argentine": 3788, + "argentinosaur": 1117, + "argonaut": 14462, + "argus, argus_pheasant": 1375, + "argyle, argyll": 4338, + "aril": 21286, + "ark": 4339, + "ark_shell": 1806, + "arm": 4340, + "arm_guard, arm_pad": 4346, + "armadillo": 3546, + "armament": 4341, + "armature": 4342, + "armband": 4343, + "armchair": 4344, + "armet": 4345, + "armhole": 4347, + "armiger": 14899, + "armilla": 4348, + "armlet, arm_band": 4349, + "armoire": 4350, + "armor, armour": 4351, + "armor_plate, armour_plate, armor_plating, plate_armor, plate_armour": 4356, + "armored_car, armoured_car": 4353, + "armored_catfish": 3717, + "armored_dinosaur": 1098, + "armored_personnel_carrier, armoured_personnel_carrier, APC": 4354, + "armored_scale": 2788, + "armored_vehicle, armoured_vehicle": 4355, + "armory, armoury, arsenal": 4357, + "armrest": 4358, + "army_ant, driver_ant, legionary_ant": 2705, + "army_attache": 14900, + "army_cutworm, Chorizagrotis_auxiliaris": 2938, + "army_engineer, military_engineer": 14901, + "army_officer": 14902, + "armyworm": 2654, + "armyworm, Pseudaletia_unipuncta": 2939, + "armyworm, army_worm, Pseudaletia_unipuncta": 2940, + "arnica": 18146, + "aroeira_blanca, Schinus_chichita": 20451, + "aromatic_aster": 18180, + "arquebus, harquebus, hackbut, hagbut": 4359, + "arrack, arak": 13873, + "arranger, adapter, transcriber": 14903, + "array": 4360, + "array, raiment, regalia": 4361, + "arrester, arrester_hook": 4362, + "arrival, arriver, comer": 14904, + "arrow": 4363, + "arrow_arum": 17809, + "arrow_grass, Triglochin_maritima": 20015, + "arrow_leaved_aster": 18181, + "arrow_wood, Viburnum_recognitum": 20212, + "arrowleaf_groundsel, Senecio_triangularis": 18415, + "arrowroot, American_arrowroot, obedience_plant, Maranta_arundinaceae": 19362, + "arrowworm, chaetognath": 1714, + "arroyo": 14225, + "arroyo_willow, Salix_lasiolepis": 20345, + "arroz_con_pollo": 13622, + "arsenal, armory, armoury": 4364, + "art_school": 4376, + "artemisia": 18150, + "arterial_road": 4365, + "arthritic": 14905, + "arthrogram": 4366, + "arthropod": 1256, + "arthroscope": 4367, + "arthrospore": 21292, + "artichoke, globe_artichoke": 12858, + "artichoke, globe_artichoke, artichoke_plant, Cynara_scolymus": 18269, + "artichoke_heart": 12859, + "articulator": 14906, + "artifact, artefact": 8, + "artificial_heart": 4368, + "artificial_horizon, gyro_horizon, flight_indicator": 4369, + "artificial_joint": 4370, + "artificial_kidney, hemodialyzer": 4371, + "artificial_skin": 4372, + "artillery, heavy_weapon, gun, ordnance": 4373, + "artillery_plant, Pilea_microphylla": 19466, + "artillery_shell": 4374, + "artilleryman, cannoneer, gunner, machine_gunner": 14907, + "artist's_loft": 4375, + "artist's_model, sitter": 14908, + "artwork, art, graphics, nontextual_matter": 12245, + "arum, aroid": 17783, + "asarabacca, Asarum_europaeum": 17843, + "ascent, acclivity, rise, raise, climb, upgrade": 14226, + "ascidian": 423, + "ascidian_tadpole": 429, + "ascolichen": 21029, + "ascomycete, ascomycetous_fungus": 21125, + "ascospore": 21291, + "ascot": 4377, + "ascus": 21290, + "ash, ash_tree": 19222, + "ash-pan": 4379, + "ash_grey, ash_gray, silver, silver_grey, silver_gray": 12015, + "ashcake, ash_cake, corn_tash": 12718, + "ashcan, trash_can, garbage_can, wastebin, ash_bin, ash-bin, ashbin, dustbin, trash_barrel, trash_bin": 4378, + "ashram": 14181, + "ashtray": 4380, + "asp, Egyptian_cobra, Naja_haje": 1217, + "asp, asp_viper, Vipera_aspis": 1233, + "asparagus": 12861, + "asparagus, edible_asparagus, Asparagus_officinales": 19587, + "asparagus_bean, yard-long_bean, Vigna_unguiculata_sesquipedalis, Vigna_sesquipedalis": 19918, + "asparagus_fern, Asparagus_setaceous, Asparagus_plumosus": 19588, + "aspartame": 13600, + "aspen": 20366, + "aspergill, aspersorium": 4381, + "aspersorium": 4382, + "asphodel": 19590, + "aspic": 13278, + "aspidistra, cast-iron_plant, bar-room_plant, Aspidistra_elatio": 19592, + "aspirant, aspirer, hopeful, wannabe, wannabee": 14888, + "aspirator": 4383, + "aspirin_powder, headache_powder": 4384, + "ass": 3283, + "assassin_bug, reduviid": 2772, + "assault_gun": 4385, + "assault_rifle, assault_gun": 4386, + "assayer": 14909, + "assegai, assagai": 4387, + "assembly": 4389, + "assembly_hall": 4390, + "assembly_plant": 4391, + "assemblyman": 14910, + "assemblywoman": 14911, + "assenter": 14912, + "asserter, declarer, affirmer, asseverator, avower": 14913, + "assignee": 14914, + "assistant, helper, help, supporter": 14915, + "assistant_professor": 14916, + "associate": 14918, + "associate_professor": 14919, + "astatic_coils": 4392, + "astatic_galvanometer": 4393, + "aster": 18161, + "asterism": 14227, + "asthenosphere": 14228, + "astilbe": 20526, + "astrantia, masterwort": 20902, + "astrocyte": 12138, + "astrodome": 4394, + "astrolabe": 4395, + "astronaut, spaceman, cosmonaut": 14920, + "astronomical_telescope": 4396, + "astronomy_satellite": 4397, + "atheist": 14922, + "athenaeum, atheneum": 4398, + "athlete, jock": 14923, + "athletic_game": 109, + "athletic_sock, sweat_sock, varsity_sock": 4399, + "athletic_supporter, supporter, suspensor, jockstrap, jock": 4400, + "atlas, telamon": 4401, + "atlas_moth, Atticus_atlas": 2967, + "atmometer, evaporometer": 4402, + "atoll": 14229, + "atom_bomb, atomic_bomb, A-bomb, fission_bomb, plutonium_bomb": 4403, + "atomic_clock": 4404, + "atomic_pile, atomic_reactor, pile, chain_reactor": 4405, + "atomizer, atomiser, spray, sprayer, nebulizer, nebuliser": 4406, + "atrium": 4407, + "attache_case, attache": 4408, + "attachment, bond": 4409, + "attack_dog": 2290, + "attack_submarine": 4410, + "attendant, attender, tender": 14924, + "attenuator": 4411, + "attic": 4412, + "attic_fan": 4413, + "attire, garb, dress": 4414, + "attorney_general": 14925, + "au_pair_girl": 14929, + "audio_CD, audio_compact_disc": 4417, + "audio_amplifier": 4415, + "audio_system, sound_system": 4419, + "audiocassette": 4416, + "audiometer, sonometer": 4418, + "audiotape": 4421, + "audiovisual, audiovisual_aid": 4422, + "auditor": 14926, + "auditorium": 4423, + "auger, gimlet, screw_auger, wimble": 4424, + "augur, auspex": 14927, + "auk": 2043, + "auklet": 2044, + "aunt, auntie, aunty": 14928, + "aura, aureole, halo, nimbus, glory, gloriole": 11998, + "aurochs, urus, Bos_primigenius": 3343, + "australopithecine": 3588, + "authoritarian, dictator": 14930, + "authority": 14931, + "authorizer, authoriser": 14932, + "auto_racing, car_racing": 73, + "autobahn": 4425, + "autoclave, sterilizer, steriliser": 4426, + "autofocus": 4427, + "autogiro, autogyro, gyroplane": 4428, + "autoinjector": 4429, + "autoloader, self-loader": 4430, + "automat": 4432, + "automatic_choke": 4433, + "automatic_firearm, automatic_gun, automatic_weapon": 4434, + "automatic_pistol, automatic": 4435, + "automatic_rifle, automatic, machine_rifle": 4436, + "automatic_transmission, automatic_drive": 4437, + "automation": 4438, + "automaton, robot, golem": 4439, + "automobile_engine": 4440, + "automobile_factory, auto_factory, car_factory": 4441, + "automobile_horn, car_horn, motor_horn, horn, hooter": 4442, + "automobile_mechanic, auto-mechanic, car-mechanic, mechanic, grease_monkey": 14933, + "autophyte, autophytic_plant, autotroph, autotrophic_organism": 21342, + "autopilot, automatic_pilot, robot_pilot": 4443, + "autoradiograph": 4444, + "autostrada": 4445, + "auxiliary_boiler, donkey_boiler": 4446, + "auxiliary_engine, donkey_engine": 4447, + "auxiliary_pump, donkey_pump": 4448, + "auxiliary_research_submarine": 4449, + "auxiliary_storage, external_storage, secondary_storage": 4450, + "avadavat, amadavat": 599, + "avalanche_lily, Erythronium_montanum": 19617, + "avaram, tanner's_cassia, Senna_auriculata, Cassia_auriculata": 19727, + "avens": 20047, + "aviary, bird_sanctuary, volary": 4451, + "aviator, aeronaut, airman, flier, flyer": 14934, + "aviatrix, airwoman, aviatress": 14935, + "avocado, alligator_pear, avocado_pear, aguacate": 13156, + "avocado, avocado_tree, Persea_Americana": 17603, + "avocet": 2016, + "awl": 4452, + "awning, sunshade, sunblind": 4453, + "ax, axe": 4454, + "ax_handle, axe_handle": 4455, + "ax_head, axe_head": 4456, + "axis, axis_of_rotation": 4457, + "axle": 4458, + "axle_bar": 4459, + "axletree": 4460, + "axolotl, mud_puppy, Ambystoma_mexicanum": 910, + "axseed, crown_vetch, Coronilla_varia": 19773, + "ayah": 14936, + "ayapana, Ayapana_triplinervis, Eupatorium_aya-pana": 18202, + "aye-aye, Daubentonia_madagascariensis": 3657, + "azalea": 19035, + "azure, cerulean, sapphire, lazuline, sky-blue": 12038, + "azure_aster": 18182, + "baa-lamb": 3385, + "babassu, babassu_palm, coco_de_macao, Orbignya_phalerata, Orbignya_spesiosa, Orbignya_martiana": 19960, + "babassu_nut": 19961, + "babbler, cackler": 672, + "babirusa, babiroussa, babirussa, Babyrousa_Babyrussa": 3319, + "baboon": 3623, + "babu, baboo": 14937, + "babushka": 4461, + "baby": 14939, + "baby's_breath, babies'-breath, Gypsophila_paniculata": 17866, + "baby, babe, sister": 14938, + "baby_bed, baby's_bed": 4462, + "baby_blue-eyes, Nemophila_menziesii": 20629, + "baby_boomer, boomer": 14940, + "baby_buggy, baby_carriage, carriage, perambulator, pram, stroller, go-cart, pushchair, pusher": 4463, + "baby_farmer": 14941, + "baby_grand, baby_grand_piano, parlor_grand, parlor_grand_piano, parlour_grand, parlour_grand_piano": 4464, + "baby_powder": 4465, + "baby_shoe": 4466, + "back": 14942, + "back, backrest": 4467, + "back_brace": 4473, + "back_porch": 4481, + "backbench": 4469, + "backbencher": 14943, + "backboard": 4470, + "backboard, basketball_backboard": 4471, + "backbone": 4472, + "backgammon_board": 4474, + "background, desktop, screen_background": 4475, + "backhoe": 4476, + "backlighting": 4477, + "backpack, back_pack, knapsack, packsack, rucksack, haversack": 4478, + "backpacker, packer": 14944, + "backpacking_tent, pack_tent": 4479, + "backplate": 4480, + "backroom_boy, brain_truster": 14945, + "backsaw, back_saw": 4482, + "backscratcher": 14946, + "backseat": 4484, + "backspace_key, backspace, backspacer": 4485, + "backstairs": 4486, + "backstay": 4487, + "backstop": 4488, + "backswimmer, Notonecta_undulata": 2763, + "backsword": 4489, + "backup_system": 4490, + "bacon-lettuce-tomato_sandwich, BLT": 12784, + "bacon_and_eggs": 13623, + "bacteroid": 261, + "bad_person": 14947, + "badger": 3526, + "badminton": 159, + "badminton_court": 4491, + "badminton_equipment": 4492, + "badminton_racket, badminton_racquet, battledore": 4493, + "bag": 4494, + "bag, handbag, pocketbook, purse": 4496, + "bag, traveling_bag, travelling_bag, grip, suitcase": 4495, + "bag_lady": 14949, + "bagel, beigel": 12755, + "baggage": 14948, + "baggage, luggage": 4497, + "baggage_car, luggage_van": 4499, + "baggage_claim": 4500, + "bagpipe": 4501, + "baguet, baguette": 12712, + "bailee": 14950, + "bailey": 4503, + "bailiff": 14951, + "bailor": 14952, + "bain-marie": 4505, + "bairn": 14953, + "bait, decoy, lure": 4506, + "bait_casting": 104, + "baize": 4507, + "baked_Alaska": 12542, + "baked_potato": 12808, + "baker's_yeast, brewer's_yeast, Saccharomyces_cerevisiae": 21129, + "baker, bread_maker": 14954, + "bakery, bakeshop, bakehouse": 4508, + "baking-powder_biscuit": 12759, + "balaclava, balaclava_helmet": 4509, + "balalaika": 4510, + "balance": 4511, + "balance, equilibrium, equipoise, counterbalance": 21716, + "balance_beam, beam": 4512, + "balance_wheel, balance": 4513, + "balanced_diet": 12264, + "balancer": 14955, + "balata, balata_tree, beefwood, bully_tree, Manilkara_bidentata": 20480, + "balbriggan": 4514, + "balcony": 4516, + "bald-faced_hornet, white-faced_hornet, Vespula_maculata": 2683, + "bald_eagle, American_eagle, Haliaeetus_leucocephalus": 852, + "baldachin": 4517, + "baldric, baldrick": 4518, + "bale": 4519, + "baleen_whale, whalebone_whale": 2103, + "baling_wire": 4520, + "balker, baulker, noncompliant": 14956, + "ball": 4522, + "ball-and-socket_joint": 4524, + "ball-buster, ball-breaker": 14957, + "ball-peen_hammer": 4541, + "ball_and_chain": 4523, + "ball_bearing, needle_bearing, roller_bearing": 4526, + "ball_carrier, runner": 14958, + "ball_cartridge": 4527, + "ball_game, ballgame": 132, + "ball_gown": 4531, + "ball_hawk": 14963, + "ball_valve": 4544, + "ballast, light_ballast": 4525, + "ballcock, ball_cock": 4528, + "balldress": 4529, + "ballet_dancer": 14959, + "ballet_master": 14960, + "ballet_mistress": 14961, + "ballet_skirt, tutu": 4530, + "balletomane": 14962, + "ballistic_galvanometer": 4532, + "ballistic_missile": 4533, + "ballistic_pendulum": 4534, + "ballistocardiograph, cardiograph": 4535, + "balloon": 4536, + "balloon_bomb, Fugo": 4537, + "balloon_flower, scented_penstemon, Penstemon_palmeri": 20777, + "balloon_sail": 4538, + "balloon_vine, heart_pea, Cardiospermum_halicacabum": 20385, + "balloonfish, Diodon_holocanthus": 4105, + "balloonist": 14964, + "ballot_box": 4539, + "ballpark, park": 4540, + "ballplayer, baseball_player": 14965, + "ballpoint, ballpoint_pen, ballpen, Biro": 4542, + "ballroom, dance_hall, dance_palace": 4543, + "balm_of_gilead, Commiphora_meccanensis": 20243, + "balsa_raft, Kon_Tiki": 4545, + "balsam_apple, Momordica_balsamina": 18858, + "balsam_fir, balm_of_Gilead, Canada_balsam, Abies_balsamea": 17406, + "balsam_pear, Momordica_charantia": 18859, + "balsam_poplar, hackmatack, tacamahac, Populus_balsamifera": 20357, + "balsam_willow, Salix_pyrifolia": 20350, + "balsam_woolly_aphid, Adelges_piceae": 2806, + "balsamroot": 18204, + "baluster": 4546, + "bamboo": 18799, + "bamboo_fern, Coniogramme_japonica": 21560, + "bamboo_palm, Raffia_vinifera": 19967, + "bamboo_shoot": 12862, + "banana": 13088, + "banana, banana_tree": 19363, + "banana_boat": 4547, + "banana_bread": 12694, + "banana_passion_fruit, Passiflora_mollissima": 19438, + "banana_quit": 582, + "banana_split": 12583, + "band": 4548, + "band-tailed_pigeon, band-tail_pigeon, bandtail, Columba_fasciata": 1406, + "bandage, patch": 4549, + "bandanna, bandana": 4551, + "bandbox": 4552, + "banded_gecko": 1027, + "banded_krait, banded_adder, Bungarus_fasciatus": 1228, + "banded_palm_civet, Hemigalus_hardwickii": 2464, + "banded_purple, white_admiral, Limenitis_arthemis": 2870, + "banded_sand_snake, Chilomeniscus_cinctus": 1185, + "banded_stilt, Cladorhyncus_leucocephalum": 2015, + "banderilla": 4553, + "banderillero": 14967, + "bandicoot": 1595, + "bandicoot_rat, mole_rat": 3060, + "bandoleer, bandolier": 4554, + "bandoneon": 4555, + "bandsaw, band_saw": 4556, + "bandsman": 14970, + "bandwagon": 4557, + "baneberry": 17647, + "baneberry, cohosh, herb_Christopher": 17646, + "bangalore_torpedo": 4558, + "bangle, bauble, gaud, gewgaw, novelty, fallal, trinket": 4559, + "banjo": 4560, + "bank": 14231, + "bank_martin, bank_swallow, sand_martin, Riparia_riparia": 781, + "bank_robber": 14972, + "banker": 14971, + "bankrupt, insolvent": 14973, + "banksia": 18957, + "banksia_rose, Rosa_banksia": 20020, + "banner, streamer": 4561, + "bannister, banister, balustrade, balusters, handrail": 4562, + "bannock": 12684, + "banquet, feast, spread": 12346, + "banquette": 4563, + "bantam": 1325, + "bantamweight": 14974, + "banteng, banting, tsine, Bos_banteng": 3345, + "banyan, banian": 4564, + "banyan, banyan_tree, banian, banian_tree, Indian_banyan, East_Indian_fig_tree, Ficus_bengalensis": 19484, + "baobab, monkey-bread_tree, Adansonia_digitata": 18913, + "bap": 12663, + "baptismal_font, baptistry, baptistery, font": 4565, + "bar": 14232, + "bar_bit": 4575, + "bar_magnet": 4581, + "bar_mask": 4582, + "bar_printer": 4591, + "barbados_cherry, acerola, Surinam_cherry, West_Indian_cherry, Malpighia_glabra": 20248, + "barbasco, joewood, Jacquinia_keyensis": 18663, + "barbecue, barbeque": 12648, + "barbecue_pit": 14233, + "barbecue_sauce": 13433, + "barbecued_spareribs, spareribs": 13624, + "barbecued_wing": 12644, + "barbed_wire, barbwire": 4569, + "barbell": 4570, + "barber_chair": 4571, + "barberry": 17582, + "barbershop": 4572, + "barbet": 1499, + "barbette_carriage": 4573, + "barbican, barbacan": 4574, + "bareboat": 4576, + "barge, flatboat, hoy, lighter": 4577, + "barge_pole": 4578, + "baritone, baritone_horn": 4579, + "bark, barque": 4580, + "bark-louse, bark_louse": 2824, + "bark_beetle": 2585, + "barking_frog, robber_frog, Hylactophryne_augusti": 944, + "barley, barleycorn": 13237, + "barley-sugar, barley_candy": 12472, + "barley_grass, wall_barley, Hordeum_murinum": 18728, + "barley_water": 12378, + "barleycorn": 18727, + "barmaid": 14975, + "barmbrack": 12664, + "barn": 4583, + "barn_door": 4585, + "barn_owl, Tyto_alba": 891, + "barn_spider, Araneus_cavaticus": 1268, + "barn_swallow, chimney_swallow, Hirundo_rustica": 775, + "barnacle, cirriped, cirripede": 1891, + "barnacle_goose, barnacle, Branta_leucopsis": 1565, + "barndoor": 4584, + "barndoor_skate, Raja_laevis": 509, + "barnyard": 4586, + "barnyard_grass, barn_grass, barn_millet, Echinochloa_crusgalli": 18710, + "barograph": 4587, + "barometer": 4588, + "baron": 14978, + "baron, big_businessman, business_leader, king, magnate, mogul, power, top_executive, tycoon": 14976, + "baronduki, baranduki, barunduki, burunduki, Eutamius_asiaticus, Eutamius_sibiricus": 3155, + "barong": 4589, + "barosaur, barosaurus": 1115, + "barouche": 4590, + "barrack": 4592, + "barracouta, snoek": 3702, + "barracuda": 3962, + "barrage_balloon": 4593, + "barred_owl, Strix_varia": 880, + "barrel, cask": 4594, + "barrel, drum": 21723, + "barrel, gun_barrel": 4595, + "barrel_cactus": 17954, + "barrel_knot, blood_knot": 4597, + "barrel_organ, grind_organ, hand_organ, hurdy_gurdy, hurdy-gurdy, street_organ": 4598, + "barrel_vault": 4599, + "barrelfish, black_rudderfish, Hyperglyphe_perciformis": 4052, + "barrelhouse, honky-tonk": 4596, + "barren_ground_caribou, Rangifer_arcticus": 3483, + "barrette": 4600, + "barricade": 4601, + "barrier": 4602, + "barrier_reef": 14234, + "barrio": 14204, + "barroom, bar, saloon, ginmill, taproom": 4603, + "barrow, garden_cart, lawn_cart, wheelbarrow": 4604, + "bartender, barman, barkeep, barkeeper, mixologist": 14979, + "bartlett, bartlett_pear": 13178, + "bartonia, Mentzelia_lindleyi": 18483, + "baryon, heavy_particle": 14235, + "bascule": 4605, + "base, bag": 4607, + "base, pedestal, stand": 4606, + "base_runner, runner": 14981, + "baseball": 4608, + "baseball, baseball_game": 133, + "baseball_bat, lumber": 4609, + "baseball_cap, jockey_cap, golf_cap": 4610, + "baseball_club, ball_club, club, nine": 14105, + "baseball_coach, baseball_manager": 14980, + "baseball_equipment": 4611, + "baseball_glove, glove, baseball_mitt, mitt": 4612, + "basement": 4614, + "basement, cellar": 4613, + "basenji": 2335, + "basic_point_defense_missile_system": 4615, + "basidiocarp": 17306, + "basidiolichen": 21030, + "basidiomycete, basidiomycetous_fungi": 21043, + "basil": 20702, + "basil, sweet_basil": 13311, + "basil_balm, Monarda_clinopodia": 20699, + "basil_thyme, basil_balm, mother_of_thyme, Acinos_arvensis, Satureja_acinos": 20636, + "basilica": 4617, + "basilica, Roman_basilica": 4616, + "basilisk": 4618, + "basin": 14236, + "basinet": 4620, + "basket, basketball_hoop, hoop": 4622, + "basket, handbasket": 4621, + "basket_fern, Drynaria_rigidula": 21473, + "basket_fern, toothed_sword_fern, Nephrolepis_pectinata": 21546, + "basket_oak, cow_oak, Quercus_prinus, Quercus_montana": 19138, + "basket_star, basket_fish": 3010, + "basket_weave": 4626, + "basketball": 4623, + "basketball, basketball_game, hoops": 161, + "basketball_court": 4624, + "basketball_equipment": 4625, + "basketball_player, basketeer, cager": 14982, + "basketweaver, basketmaker": 14983, + "basking_shark, Cetorhinus_maximus": 461, + "bass": 4627, + "bass, basso": 14985, + "bass_clarinet": 4628, + "bass_drum, gran_casa": 4629, + "bass_fiddle, bass_viol, bull_fiddle, double_bass, contrabass, string_bass": 4631, + "bass_guitar": 4632, + "bass_horn, sousaphone, tuba": 4633, + "bassarisk, cacomistle, cacomixle, coon_cat, raccoon_fox, ringtail, ring-tailed_cat, civet_cat, miner's_cat, Bassariscus_astutus": 3686, + "basset, basset_hound": 2190, + "basset_horn": 4630, + "bassinet": 4635, + "bassoon": 4636, + "bastard, by-blow, love_child, illegitimate_child, illegitimate, whoreson": 14986, + "bastard_indigo, Tephrosia_purpurea": 19899, + "bastard_pennyroyal, Trichostema_dichotomum": 20737, + "bastard_wing, alula, spurious_wing": 1660, + "baster": 4637, + "bastinado": 4638, + "bastion": 4639, + "bastion, citadel": 4640, + "bat": 4641, + "bat, chiropteran": 2472, + "bat_boy": 14987, + "batfish": 3797, + "bath": 4642, + "bath_asparagus, Prussian_asparagus, Ornithogalum_pyrenaicum": 19639, + "bath_chair": 4643, + "bath_oil": 4647, + "bath_salts": 4650, + "bath_towel": 4651, + "bathe": 31, + "bather": 14988, + "bathhouse, bagnio": 4644, + "bathhouse, bathing_machine": 4645, + "bathing_cap, swimming_cap": 4646, + "bathrobe": 4648, + "bathroom, bath": 4649, + "bathtub, bathing_tub, bath, tub": 4652, + "bathtub_gin": 13871, + "bathyscaphe, bathyscaph, bathyscape": 4653, + "bathysphere": 4654, + "batik": 4655, + "batiste": 4656, + "batman": 14989, + "baton": 4660, + "baton, wand": 4657, + "baton_twirler, twirler": 14990, + "batter": 13613, + "batter's_box": 4662, + "battering_ram": 4661, + "battery, electric_battery": 4663, + "battery, stamp_battery": 4664, + "batting_cage, cage": 4665, + "batting_glove": 4666, + "batting_helmet": 4667, + "battle-ax, battle-axe": 4668, + "battle_cruiser": 4669, + "battle_dress": 4670, + "battle_sight, battlesight": 4673, + "battledore, battledore_and_shuttlecock": 160, + "battlefront, front, front_line": 14149, + "battlement, crenelation, crenellation": 4671, + "battleship, battlewagon": 4672, + "battue": 92, + "bay": 4675, + "bay_leaf": 13312, + "bay_myrtle, puckerbush, Myrica_cerifera": 17700, + "bay_rum": 4677, + "bay_scallop, Pecten_irradians": 1816, + "bay_willow, laurel_willow, Salix_pentandra": 20348, + "bay_window, bow_window": 4678, + "baya, Ploceus_philippinus": 596, + "bayberry, bay-rum_tree, Jamaica_bayberry, wild_cinnamon, Pimenta_acris": 19297, + "bayberry, candleberry, swamp_candleberry, waxberry, Myrica_pensylvanica": 17701, + "bayonet": 4676, + "bazaar, bazar": 4680, + "bazooka": 4681, + "beach": 14237, + "beach_house": 4684, + "beach_pancake, Abronia_maritima": 17932, + "beach_pea, sea_pea, Lathyrus_maritimus, Lathyrus_japonicus": 19819, + "beach_plum": 13075, + "beach_plum, beach_plum_bush, Prunus_maritima": 20073, + "beach_sand_verbena, pink_sand_verbena, Abronia_umbellata": 17933, + "beach_strawberry, Chilean_strawberry, Fragaria_chiloensis": 20045, + "beach_towel": 4685, + "beach_wagon, station_wagon, wagon, estate_car, beach_waggon, station_waggon, waggon": 4686, + "beachwear": 4687, + "beacon, lighthouse, beacon_light, pharos": 4688, + "bead_tree, jumby_bean, jumby_tree, Ormosia_monosperma": 19854, + "beaded_lizard, Mexican_beaded_lizard, Heloderma_horridum": 1076, + "beading_plane": 4689, + "beadsman, bedesman": 14992, + "beagle": 2191, + "beagling": 93, + "beaked_hazelnut, Corylus_cornuta": 19184, + "beaked_salmon, sandfish, Gonorhynchus_gonorhynchus": 3740, + "beaked_whale": 2117, + "beaker": 4691, + "beam": 4692, + "beam-ends": 14124, + "beam_balance": 4693, + "bean": 21377, + "bean, edible_bean": 12901, + "bean_caper, Syrian_bean_caper, Zygophyllum_fabago": 20321, + "bean_curd, tofu": 12804, + "bean_dip": 12366, + "bean_sprout": 12864, + "bean_tostada": 13753, + "bean_tree": 21316, + "bean_weevil, Acanthoscelides_obtectus": 2593, + "beanbag": 4694, + "beanie, beany": 4695, + "bear": 2444, + "bear's-paw_fern, Aglaomorpha_meyeniana": 21470, + "bear's_breech, bear's_breeches, sea_holly, Acanthus_mollis": 20566, + "bear_claw, bear_paw": 12750, + "bear_cub": 221, + "bear_grass, Yucca_glauca": 19693, + "bear_oak, Quercus_ilicifolia": 19119, + "bearberry": 18997, + "bearberry, possum_haw, winterberry, Ilex_decidua": 20424, + "bearberry_willow, Salix_uva-ursi": 20354, + "beard": 14993, + "beard_lichen, beard_moss, Usnea_barbata": 21035, + "beard_worm, pogonophoran": 1727, + "bearded_iris": 19513, + "bearded_seal, squareflipper_square_flipper, Erignathus_barbatus": 2156, + "bearded_vulture, lammergeier, lammergeyer, Gypaetus_barbatus": 862, + "bearded_wheatgrass, Agropyron_subsecundum": 18674, + "beardless_iris": 19514, + "bearing": 4696, + "bearing_rein, checkrein": 4697, + "bearing_wall": 4698, + "bearnaise": 13435, + "bearskin, busby, shako": 4699, + "beast_of_burden, jument": 192, + "beater": 4700, + "beating-reed_instrument, reed_instrument, reed": 4701, + "beatnik, beat": 14994, + "beaugregory, Pomacentrus_leucostictus": 3973, + "beauty_consultant": 14995, + "beaver": 4703, + "beaver, castor": 4702, + "beaver_rat": 3064, + "bed": 4706, + "bed_and_breakfast, bed-and-breakfast": 4707, + "bed_jacket": 4710, + "bedbug, bed_bug, chinch, Cimex_lectularius": 2762, + "bedclothes, bed_clothing, bedding": 4708, + "bedder, bedding_plant": 21280, + "bedlamite": 16045, + "bedpan": 4711, + "bedpost": 4712, + "bedroll": 4713, + "bedroom, sleeping_room, sleeping_accommodation, chamber, bedchamber": 4714, + "bedroom_furniture": 4715, + "bedside": 14188, + "bedsitting_room, bedsitter, bedsit": 4716, + "bedspread, bedcover, bed_cover, bed_covering, counterpane, spread": 4717, + "bedspring": 4718, + "bedstead, bedframe": 4719, + "bedstraw": 20171, + "bedwetter, bed_wetter, wetter": 14997, + "bee": 2658, + "bee_balm, beebalm, Monarda_fistulosa": 20696, + "bee_balm, beebalm, bergamot_mint, oswego_tea, Monarda_didyma": 20694, + "bee_beetle": 2554, + "bee_eater": 1461, + "bee_fly": 2626, + "bee_moth, wax_moth, Galleria_mellonella": 2915, + "bee_orchid, Ophrys_apifera": 18588, + "beech, beech_tree": 19075, + "beech_fern": 21604, + "beechnut": 13196, + "beef, beef_cattle": 3339, + "beef_Bourguignonne, boeuf_Bourguignonne": 13625, + "beef_Stroganoff": 13729, + "beef_Wellington, filet_de_boeuf_en_croute": 13626, + "beef_broth, beef_stock": 12380, + "beef_burrito": 13750, + "beef_fondue, boeuf_fondu_bourguignon": 13663, + "beef_goulash": 12423, + "beef_stew": 12437, + "beefcake": 4720, + "beefsteak_begonia, kidney_begonia, Begonia_erythrophylla, Begonia_feastii": 19383, + "beefsteak_fungus, Fistulina_hepatica": 21198, + "beefsteak_plant, Perilla_frutescens_crispa": 20703, + "beefsteak_tomato": 12967, + "beefwood": 18983, + "beefwood, Grevillea_striata": 18965, + "beehive, hive": 4721, + "beekeeper, apiarist, apiculturist": 14998, + "beeper, pager": 4722, + "beer": 13772, + "beer_barrel, beer_keg": 4723, + "beer_bottle": 4724, + "beer_can": 4725, + "beer_drinker, ale_drinker": 14999, + "beer_garden": 4726, + "beer_glass": 4727, + "beer_hall": 4728, + "beer_mat": 4729, + "beer_mug, stein": 4730, + "beet, beetroot": 12866, + "beet, common_beet, Beta_vulgaris": 17918, + "beet_armyworm, Spodoptera_exigua": 2942, + "beet_green": 12867, + "beetle": 2531, + "beetroot, Beta_vulgaris_rubra": 17919, + "beggar's_lice, beggar_lice": 20587, + "beggarman": 15000, + "beggarweed, Desmodium_tortuosum, Desmodium_purpureum": 19790, + "beggarwoman": 15001, + "begonia": 19377, + "beige, ecru": 12054, + "belay": 14239, + "belaying_pin": 4731, + "beldam, beldame": 15002, + "belfry": 4732, + "believer, truster": 15004, + "bell": 4733, + "bell, bell_shape, campana": 21702, + "bell_apple, sweet_cup, water_lemon, yellow_granadilla": 13092, + "bell_arch": 4734, + "bell_cote, bell_cot": 4737, + "bell_founder": 15005, + "bell_foundry": 4738, + "bell_gable": 4739, + "bell_heather, heather_bell, fine-leaved_heath, Erica_cinerea": 18989, + "bell_jar, bell_glass": 4740, + "bell_pepper": 12873, + "bell_push": 4743, + "bell_seat, balloon_seat": 4744, + "bell_tent": 4745, + "bell_tower": 4746, + "belladonna, belladonna_plant, deadly_nightshade, Atropa_belladonna": 20805, + "bellarmine, longbeard, long-beard, greybeard": 4735, + "bellbird": 621, + "bellbottom_trousers, bell-bottoms, bellbottom_pants": 4736, + "bellows": 4741, + "bellpull": 4742, + "bellwort, merry_bells, wild_oats": 19672, + "belly": 21711, + "belly_flop, belly_flopper, belly_whop, belly_whopper": 36, + "bellyband": 4747, + "belt": 4748, + "belt, belt_ammunition, belted_ammunition": 4749, + "belt_buckle": 4750, + "belted_kingfisher, Ceryle_alcyon": 1459, + "belting": 4751, + "beluga, hausen, white_sturgeon, Acipenser_huso": 4067, + "ben": 14240, + "bench": 4752, + "bench_clamp": 4753, + "bench_hook": 4754, + "bench_lathe": 4755, + "bench_press": 4756, + "bender": 4757, + "benedick, benedict": 15006, + "benedictine": 13910, + "benefactor, helper": 14464, + "bennet, white_avens, Geum_virginianum": 20051, + "benthos": 1, + "benthos, benthic_division, benthonic_zone": 14151, + "beret": 4758, + "bergamot, bergamot_orange, Citrus_bergamia": 20283, + "bergamot_mint, lemon_mint, eau_de_cologne_mint, Mentha_citrata": 20685, + "bergenia": 20530, + "berlin": 4759, + "berm": 14241, + "beroe": 1705, + "berry": 21382, + "berserker, berserk": 15007, + "berth, bunk, built_in_bed": 4761, + "besieger": 15008, + "besom": 4762, + "best, topper": 15009, + "betel, betel_pepper, Piper_betel": 21422, + "betel_nut, areca_nut": 13195, + "betel_palm, Areca_catechu": 19934, + "bethel": 4764, + "betrothed": 15010, + "betting_shop": 4765, + "bettong": 1609, + "bevatron": 4766, + "bevel, bevel_square": 4767, + "bevel_gear, pinion_and_crown_wheel, pinion_and_ring_gear": 4768, + "beverage, drink, drinkable, potable": 13755, + "bezoar_goat, pasang, Capra_aegagrus": 3417, + "bi-fold_door": 4784, + "bialy, bialystoker": 12748, + "bib": 4770, + "bib-and-tucker": 4771, + "bicolor_lespediza, ezo-yama-hagi, Lespedeza_bicolor": 19826, + "bicorn, bicorne": 4772, + "bicycle, bike, wheel, cycle": 4773, + "bicycle-built-for-two, tandem_bicycle, tandem": 4774, + "bicycle_chain": 4775, + "bicycle_clip, trouser_clip": 4776, + "bicycle_pump": 4777, + "bicycle_rack": 4778, + "bicycle_seat, saddle": 4779, + "bicycle_wheel": 4780, + "bicycling": 85, + "bidet": 4781, + "biennial": 17330, + "bier": 4783, + "bifocals": 4785, + "big-cone_spruce, big-cone_douglas_fir, Pseudotsuga_macrocarpa": 17433, + "big-eared_bat, Megaderma_lyra": 2490, + "big-tree_plum, Prunus_mexicana": 20077, + "big_board": 4787, + "big_brown_bat, Eptesicus_fuscus": 2497, + "big_cat, cat": 2427, + "big_game": 2515, + "big_shellbark, big_shellbark_hickory, big_shagbark, king_nut, king_nut_hickory, Carya_laciniosa": 19272, + "big_shot, big_gun, big_wheel, big_cheese, big_deal, big_enchilada, big_fish, head_honcho": 15013, + "big_sister": 15014, + "bigeye": 3862, + "bigeye_scad, big-eyed_scad, goggle-eye, Selar_crumenophthalmus": 3891, + "bighorn, bighorn_sheep, cimarron, Rocky_Mountain_bighorn, Rocky_Mountain_sheep, Ovis_canadensis": 3406, + "bight": 21674, + "bigos": 12413, + "bigot": 15012, + "bijugate_leaf, bijugous_leaf, twice-pinnate": 21436, + "bikini, two-piece": 4789, + "bikini_pants": 4790, + "bilberry, thin-leaved_bilberry, mountain_blue_berry, Viccinium_membranaceum": 19046, + "bilberry, whortleberry, European_blueberry": 13022, + "bilberry, whortleberry, whinberry, blaeberry, Viccinium_myrtillus": 19047, + "bilge": 4791, + "bilge_keel": 4792, + "bilge_pump": 4793, + "bilge_well": 4794, + "bilimbi, Averrhoa_bilimbi": 20272, + "bill, billhook": 4796, + "bill, peak, eyeshade, visor, vizor": 4795, + "billboard, hoarding": 4797, + "billfish": 4040, + "billiard_ball": 4798, + "billiard_player": 15015, + "billiard_room, billiard_saloon, billiard_parlor, billiard_parlour, billiard_hall": 4799, + "billy, billy_goat, he-goat": 3411, + "billy_buttons": 18267, + "bin": 4800, + "bin_liner": 4805, + "binder, ligature": 4801, + "binder, ring-binder": 4802, + "bindery": 4803, + "binding, book_binding, cover, back": 4804, + "bindweed": 20597, + "bing_cherry": 13110, + "binnacle": 4806, + "binocular_microscope": 4808, + "binoculars, field_glasses, opera_glasses": 4807, + "binturong, bearcat, Arctictis_bintourong": 2459, + "biochemist": 15016, + "biochip": 4809, + "biographer": 15017, + "biohazard_suit": 4810, + "bioscope": 4811, + "biotin, vitamin_H": 21834, + "biped": 2521, + "biplane": 4812, + "birch, birch_rod": 4813, + "birch, birch_tree": 19154, + "birch_beer": 14030, + "birch_leaf_miner, Fenusa_pusilla": 2701, + "birchbark_canoe, birchbark, birch_bark": 4814, + "bird": 510, + "bird's-eye_bush, Ochna_serrulata": 19432, + "bird's-foot_fern, Pellaea_mucronata, Pellaea_ornithopus": 21567, + "bird's-foot_violet, pansy_violet, Johnny-jump-up, wood_violet, Viola_pedata": 19453, + "bird's-nest_fungus": 21186, + "bird's_foot_trefoil, Trigonella_ornithopodioides": 19905, + "bird's_foot_trefoil, bird's_foot_clover, babies'_slippers, bacon_and_eggs, Lotus_corniculatus": 19833, + "bird's_nest_fern, Asplenium_nidus": 21486, + "bird_cherry, bird_cherry_tree": 20107, + "bird_dog": 2259, + "bird_fancier": 15018, + "bird_feed, bird_food, birdseed": 13255, + "bird_feeder, birdfeeder, feeder": 4818, + "bird_louse, biting_louse, louse": 2602, + "bird_of_paradise, poinciana, Caesalpinia_gilliesii, Poinciana_gilliesii": 19705, + "bird_of_passage": 520, + "bird_of_prey, raptor, raptorial_bird": 811, + "bird_pepper, Capsicum_frutescens_baccatum, Capsicum_baccatum": 20812, + "bird_shot, buckshot, duck_shot": 4820, + "birdbath": 4815, + "birdcage": 4816, + "birdcall": 4817, + "birdhouse": 4819, + "biretta, berretta, birretta": 4821, + "birth": 15019, + "birth-control_campaigner, birth-control_reformer": 15020, + "birthwort, Aristolochia_clematitis": 17837, + "biryani, biriani": 12649, + "biscuit": 12757, + "bisexual, bisexual_person": 15021, + "bishop": 13935, + "bishop_pine, bishop's_pine, Pinus_muricata": 17356, + "bison": 3375, + "bisque": 12375, + "bistro": 4823, + "bit": 4825, + "bitch": 2165, + "bite, collation, snack": 12341, + "bite_plate, biteplate": 4826, + "bitewing": 4827, + "bitok": 13627, + "bitter": 13788, + "bitter_almond, Prunus_dulcis_amara, Amygdalus_communis_amara": 20099, + "bitter_betch, Vicia_orobus": 19911, + "bitter_cassava, manioc, mandioc, mandioca, tapioca_plant, gari, Manihot_esculenta, Manihot_utilissima": 20881, + "bitter_dock, broad-leaved_dock, yellow_dock, Rumex_obtusifolius": 19994, + "bitter_lemon": 14031, + "bitter_orange, Seville_orange, sour_orange": 13053, + "bitter_pea": 19785, + "bittern": 1928, + "bitternut, bitternut_hickory, bitter_hickory, bitter_pignut, swamp_hickory, Carya_cordiformis": 19270, + "bitterroot, Lewisia_rediviva": 17987, + "bitters": 13874, + "bittersweet, American_bittersweet, climbing_bittersweet, false_bittersweet, staff_vine, waxwork, shrubby_bittersweet, Celastrus_scandens": 20396, + "bitterwood_tree": 20308, + "bitumastic": 4828, + "bivalve, pelecypod, lamellibranch": 1787, + "black": 4830, + "black, blackness, inkiness": 12010, + "black-and-tan_coonhound": 2197, + "black-backed_gull, great_black-backed_gull, cob, Larus_marinus": 2031, + "black-billed_cuckoo, Coccyzus_erythropthalmus": 1447, + "black-capped_chickadee, blackcap, Parus_atricapillus": 766, + "black-crowned_night_heron, Nycticorax_nycticorax": 1925, + "black-eyed_Susan, Rudbeckia_hirta, Rudbeckia_serotina": 18404, + "black-eyed_Susan, black-eyed_Susan_vine, Thunbergia_alata": 20568, + "black-eyed_pea, cowpea": 12914, + "black-footed_albatross, gooney, gooney_bird, goonie, goony, Diomedea_nigripes": 2089, + "black-footed_ferret, ferret, Mustela_nigripes": 3513, + "black-fronted_bush_shrike, Chlorophoneus_nigrifrons": 797, + "black-headed_snake": 1186, + "black-necked_cobra, spitting_cobra, Naja_nigricollis": 1218, + "black-necked_grebe, eared_grebe, Podiceps_nigricollis": 2063, + "black-necked_stilt, Himantopus_mexicanus": 2010, + "black-stem_spleenwort, black-stemmed_spleenwort, little_ebony_spleenwort": 21488, + "black-tailed_deer, blacktail_deer, blacktail, Odocoileus_hemionus_columbianus": 3476, + "black-winged_stilt, Himantopus_himantopus": 2011, + "black_and_gold_garden_spider, Argiope_aurantia": 1267, + "black_ash, basket_ash, brown_ash, hoop_ash, Fraxinus_nigra": 19228, + "black_bass": 3842, + "black_bean, turtle_bean": 12920, + "black_bee, German_bee": 2666, + "black_beech, Nothofagus_solanderi": 19100, + "black_belt": 15022, + "black_birch, river_birch, red_birch, Betula_nigra": 19160, + "black_box": 4833, + "black_bread, pumpernickel": 12702, + "black_bream, Chrysophrys_australis": 3929, + "black_bryony, black_bindweed, Tamus_communis": 18630, + "black_buffalo, Ictiobus_niger": 373, + "black_calla, Arum_palaestinum": 17785, + "black_caraway, nutmeg_flower, Roman_coriander, Nigella_sativa": 17691, + "black_carpet_beetle": 2552, + "black_cherry, black_cherry_tree, rum_cherry, Prunus_serotina": 20115, + "black_cohosh, black_snakeroot, rattle-top, Cimicifuga_racemosa": 17666, + "black_cottonwood, Western_balsam_poplar, Populus_trichocarpa": 20364, + "black_crappie, Pomoxis_nigromaculatus": 3834, + "black_currant": 13030, + "black_currant, European_black_currant, Ribes_nigrum": 20550, + "black_duck, Anas_rubripes": 1518, + "black_fox": 2378, + "black_grama, Bouteloua_eriopoda": 18695, + "black_grouse": 1344, + "black_guillemot, Cepphus_grylle": 2048, + "black_haw, Viburnum_prunifolium": 20213, + "black_huckleberry, Gaylussacia_baccata": 19009, + "black_kite, Milvus_migrans": 827, + "black_locust, yellow_locust, Robinia_pseudoacacia": 19889, + "black_maire, Olea_cunninghamii": 19216, + "black_mallee, black_sally, black_gum, Eucalytus_stellulata": 19331, + "black_mamba, Dendroaspis_augusticeps": 1222, + "black_mangrove, Aegiceras_majus": 20852, + "black_mangrove, Avicennia_marina": 20850, + "black_marlin, Makaira_mazara, Makaira_marlina": 4043, + "black_medick, hop_clover, yellow_trefoil, nonesuch_clover, Medicago_lupulina": 19845, + "black_morel, Morchella_conica, conic_morel, Morchella_angusticeps, narrowhead_morel": 21151, + "black_mulberry, Morus_nigra": 19474, + "black_oak, yellow_oak, quercitron, quercitron_oak, Quercus_velutina": 19150, + "black_olive, ripe_olive": 13173, + "black_pepper": 13308, + "black_pine, Pinus_nigra": 17360, + "black_poplar, Populus_nigra": 20360, + "black_raspberry, blackcap, blackcap_raspberry, thimbleberry, Rubus_occidentalis": 20143, + "black_rat, roof_rat, Rattus_rattus": 3059, + "black_rat_snake, blacksnake, pilot_blacksnake, mountain_blacksnake, Elaphe_obsoleta": 1161, + "black_rhinoceros, Diceros_bicornis": 3305, + "black_root_rot_fungus, Xylaria_mali": 20984, + "black_salsify, viper's_grass, scorzonera, Scorzonera_hispanica": 18416, + "black_sheep": 3389, + "black_spleenwort, Asplenium_adiantum-nigrum": 21485, + "black_spruce, Picea_mariana, spruce_pine": 17420, + "black_squirrel": 3139, + "black_stork, Ciconia_nigra": 1898, + "black_swan, Cygnus_atratus": 1577, + "black_tea": 14075, + "black_tie": 4836, + "black_turnstone, Arenaria-Melanocephala": 1971, + "black_vulture, Aegypius_monachus": 864, + "black_vulture, carrion_crow, Coragyps_atratus": 871, + "black_walnut": 13198, + "black_walnut, black_walnut_tree, black_hickory, Juglans_nigra": 19265, + "black_wattle, Acacia_auriculiformis": 17730, + "black_widow, Latrodectus_mactans": 1271, + "blackberry": 13032, + "blackberry-lily, leopard_lily, Belamcanda_chinensis": 19528, + "blackbird, merl, merle, ouzel, ousel, European_blackbird, Turdus_merula": 639, + "blackboard, chalkboard": 4831, + "blackboard_eraser": 4832, + "blackbuck, black_buck, Antilope_cervicapra": 3427, + "blackcap, Silvia_atricapilla": 665, + "blackcock, black_cock": 1347, + "blackface": 4834, + "blackfish": 3763, + "blackfly, bean_aphid, Aphis_fabae": 2798, + "blackfly, black_fly, buffalo_gnat": 2656, + "blackheart, blackheart_cherry": 13112, + "blackjack, cosh, sap": 4835, + "blackjack_oak, blackjack, jack_oak, Quercus_marilandica": 19129, + "blackmailer, extortioner, extortionist": 15023, + "blackmouth_bass, Synagrops_bellus": 3850, + "blackpoll, Dendroica_striate": 683, + "blacksmith": 15025, + "blacksnake, black_racer, Coluber_constrictor": 1152, + "blacktail_jackrabbit, Lepus_californicus": 3038, + "blacktail_prairie_dog, Cynomys_ludovicianus": 3151, + "blackthorn, pear_haw, pear_hawthorn, Crataegus_calpodendron, Crataegus_tomentosa": 20037, + "blacktip_shark, sandbar_shark, Carcharhinus_limbatus": 470, + "blacktop, blacktopping": 21804, + "blackwash": 4837, + "blackwood, blackwood_tree": 19784, + "bladder": 4838, + "bladder_campion, Silene_uniflora, Silene_vulgaris": 17882, + "bladder_fern": 21523, + "bladder_senna, Colutea_arborescens": 19772, + "bladder_stone, cystolith": 14242, + "bladder_worm": 1715, + "bladderpod": 18083, + "bladderwort": 20738, + "bladderwrack, Ascophyllum_nodosum": 325, + "blade": 15026, + "blade, vane": 4840, + "blanc": 13442, + "blancmange": 12543, + "bland_diet, ulcer_diet": 12265, + "blank, dummy, blank_shell": 4842, + "blanket, cover": 4843, + "blast_furnace": 4844, + "blasting_cap": 4845, + "blastocyst, blastodermic_vessicle": 415, + "blastomycete": 21274, + "blastula, blastosphere": 414, + "blazer, sport_jacket, sport_coat, sports_jacket, sports_coat": 4846, + "blazing_star, Mentzelia_livicaulis, Mentzelia_laevicaulis": 18482, + "blazing_star, button_snakeroot, gayfeather, gay-feather, snakeroot": 18364, + "bleeding_heart, lyreflower, lyre-flower, Dicentra_spectabilis": 18110, + "bleeding_tooth, Nerita_peloronta": 1768, + "blended_whiskey, blended_whisky": 13897, + "blender, liquidizer, liquidiser": 4847, + "blenny, combtooth_blenny": 3991, + "blessed_thistle, sweet_sultan, Cnicus_benedictus": 18258, + "bletia": 18507, + "bleu, blue_cheese": 13546, + "bleu_cheese_dressing, blue_cheese_dressing": 13420, + "blewits, Clitocybe_nuda": 21100, + "blimp, sausage_balloon, sausage": 4848, + "blind, screen": 4849, + "blind_curve, blind_bend": 4850, + "blind_date": 15028, + "blind_snake, worm_snake": 1191, + "blindfold": 4851, + "blindworm, slowworm, Anguis_fragilis": 1070, + "bling, bling_bling": 4852, + "blinker, flasher": 4853, + "blinks, blinking_chickweed, water_chickweed, Montia_lamprosperma": 17989, + "blister_beetle, meloid": 2581, + "blister_pack, bubble_pack": 4854, + "blister_rust, Cronartium_ribicola": 21228, + "block": 4855, + "block, cube": 21747, + "block_and_tackle": 4858, + "block_plane": 4861, + "blockade": 4856, + "blockade-runner": 4857, + "blockbuster": 4859, + "blockhouse": 4860, + "blolly, West_Indian_snowberry, Chiococca_alba": 20161, + "blood_agar": 21791, + "blood_clam": 1807, + "blood_cup, fairy_cup, Peziza_coccinea": 21141, + "blood_lily": 19537, + "blood_sport": 88, + "bloodberry, blood_berry, rougeberry, rouge_plant, Rivina_humilis": 17977, + "bloodhound, sleuthhound": 2192, + "bloodleaf": 17903, + "bloodmobile": 4862, + "bloodwood_tree, kiaat, Pterocarpus_angolensis": 19884, + "bloodworm": 1746, + "bloodwort": 19253, + "bloomer": 17522, + "bloomers, pants, drawers, knickers": 4863, + "blouse": 4864, + "blower": 4865, + "blowfly, blow_fly": 2615, + "blowtorch, torch, blowlamp": 4866, + "blucher": 4867, + "bludgeon": 4868, + "blue": 4869, + "blue, blueness": 12037, + "blue-eyed_African_daisy, Arctotis_stoechadifolia, Arctotis_venusta": 18143, + "blue-eyed_Mary, Collinsia_verna": 20762, + "blue-eyed_grass": 19532, + "blue-headed_vireo, Vireo_solitarius_solitarius": 807, + "blue_ash, Fraxinus_quadrangulata": 19232, + "blue_catfish, blue_cat, blue_channel_catfish, blue_channel_cat": 3715, + "blue_cheese_dressing, Roquefort_dressing": 13421, + "blue_chip": 4870, + "blue_columbine, Aquilegia_caerulea, Aquilegia_scopulorum_calcarea": 17662, + "blue_crab, Callinectes_sapidus": 1847, + "blue_curls": 20735, + "blue_daisy, blue_marguerite, Felicia_amelloides": 18299, + "blue_elder, blue_elderberry, Sambucus_caerulea": 20204, + "blue_false_indigo, Baptisia_australis": 19746, + "blue_fleabane, Erigeron_acer": 18285, + "blue_fox": 2384, + "blue_goose, Chen_caerulescens": 1560, + "blue_gum, fever_tree, Eucalyptus_globulus": 19325, + "blue_jasmine, blue_jessamine, curly_clematis, marsh_clematis, Clematis_crispa": 17670, + "blue_jay, jaybird, Cyanocitta_cristata": 727, + "blue_marlin, Makaira_nigricans": 4042, + "blue_mockingbird, Melanotis_caerulescens": 750, + "blue_mold_fungus, Peronospora_tabacina": 21010, + "blue_orchid, Vanda_caerulea": 18620, + "blue_pea, butterfly_pea, Clitoria_turnatea": 19770, + "blue_peafowl, Pavo_cristatus": 1386, + "blue_pike, blue_pickerel, blue_pikeperch, blue_walleye, Strizostedion_vitreum_glaucum": 3819, + "blue_pimpernel, blue_skullcap, mad-dog_skullcap, mad-dog_weed, Scutellaria_lateriflora": 20725, + "blue_point_Siamese": 2403, + "blue_poppy, Meconopsis_betonicifolia": 18103, + "blue_racer, Coluber_constrictor_flaviventris": 1153, + "blue_shark, great_blue_shark, Prionace_glauca": 474, + "blue_succory, cupid's_dart, Catananche_caerulea": 18228, + "blue_tit, tomtit, Parus_caeruleus": 769, + "blue_toadflax, old-field_toadflax, Linaria_canadensis": 20767, + "blue_whale, sulfur_bottom, Balaenoptera_musculus": 2107, + "blueberry": 13024, + "blueberry, blueberry_bush": 19039, + "blueberry_yogurt": 13532, + "bluebird": 655, + "bluebonnet, buffalo_clover, Texas_bluebonnet, Lupinus_subcarnosus": 19839, + "bluebottle, Calliphora_vicina": 2616, + "bluecoat": 15029, + "bluefin, bluefin_tuna, horse_mackerel, Thunnus_thynnus": 4030, + "bluefish, Pomatomus_saltatrix": 3867, + "bluegill, Lepomis_macrochirus": 3838, + "bluegrass, blue_grass": 18748, + "bluehead, Thalassoma_bifasciatum": 3982, + "bluejack_oak, turkey_oak, Quercus_incana": 19121, + "bluestem, blue_stem, Andropogon_furcatus, Andropogon_gerardii": 18754, + "bluestocking, bas_bleu": 15030, + "bluethroat, Erithacus_svecicus": 657, + "bluethroat_pikeblenny, Chaenopsis_ocellata": 3996, + "bluetick": 2193, + "blueweed, blue_devil, blue_thistle, viper's_bugloss, Echium_vulgare": 20586, + "bluewing, blue-winged_teal, Anas_discors": 1521, + "bluff": 14243, + "blunderbuss": 4871, + "blunt_file": 4872, + "blush_wine, pink_wine, rose, rose_wine": 13806, + "blushing_mushroom, blusher, Amanita_rubescens": 21057, + "boa": 1196, + "boa_constrictor, Constrictor_constrictor": 1197, + "boar": 3315, + "board, table": 12285, + "board_member": 16129, + "boarding": 4873, + "boarding_house, boardinghouse": 4874, + "boardroom, council_chamber": 4875, + "boards": 4876, + "boarfish": 397, + "boarfish, Capros_aper": 396, + "boarhound": 2194, + "boat": 4877, + "boat_hook": 4879, + "boat_racing": 74, + "boat_train": 4882, + "boatbill, boat-billed_heron, broadbill, Cochlearius_cochlearius": 1927, + "boatbuilder": 15031, + "boater, leghorn, Panama, Panama_hat, sailor, skimmer, straw_hat": 4878, + "boathouse": 4880, + "boatman, boater, waterman": 15032, + "boatswain's_chair, bosun's_chair": 4881, + "boatswain, bos'n, bo's'n, bosun, bo'sun": 15033, + "boatyard": 4883, + "bobbin, spool, reel": 4884, + "bobby": 15034, + "bobby_pin, hairgrip, grip": 4885, + "bobcat, bay_lynx, Lynx_rufus": 2424, + "bobolink, ricebird, reedbird, Dolichonyx_oryzivorus": 700, + "bobsled, bobsleigh": 4887, + "bobsled, bobsleigh, bob": 4886, + "bobsledding": 60, + "bobwhite, bobwhite_quail, partridge": 1377, + "bocce_ball, bocci_ball, boccie_ball": 4888, + "bocconia, tree_celandine, Bocconia_frutescens": 18095, + "bock, bock_beer": 13776, + "bodega": 4889, + "bodice": 4890, + "bodkin": 4893, + "bodkin, threader": 4891, + "body": 4894, + "body_armor, body_armour, suit_of_armor, suit_of_armour, coat_of_mail, cataphract": 4895, + "body_lotion": 4896, + "body_louse, cootie, Pediculus_corporis": 2600, + "body_pad": 4899, + "body_plethysmograph": 4898, + "body_stocking": 4897, + "bodyguard, escort": 15035, + "bodywork": 4900, + "boffin": 15036, + "bog_asphodel": 19650, + "bog_aster": 18183, + "bog_bilberry, bog_whortleberry, moor_berry, Vaccinium_uliginosum_alpinum": 19048, + "bog_pimpernel, Anagallis_tenella": 18639, + "bog_rein_orchid, bog_candles, Habenaria_dilatata": 18559, + "bog_rose, wild_pink, dragon's_mouth, Arethusa_bulbosa": 18506, + "bog_rosemary, moorwort, Andromeda_glaucophylla": 18993, + "bog_star, Parnassia_palustris": 20543, + "bogy, bogie, bogey": 4902, + "boil_smut, Ustilago_maydis": 21235, + "boiled_dinner, New_England_boiled_dinner": 13628, + "boiled_egg, coddled_egg": 13477, + "boiler, steam_boiler": 4903, + "boiling_water_reactor, BWR": 4904, + "bok_choy, bok_choi": 12831, + "bok_choy, bok_choi, pakchoi, pak_choi, Chinese_white_cabbage, Brassica_rapa_chinensis": 18035, + "bolero": 4905, + "bolete": 21200, + "boll_weevil, Anthonomus_grandis": 2580, + "bollard, bitt": 4906, + "bollworm": 2987, + "bolo, bolo_knife": 4907, + "bolo_tie, bolo, bola_tie, bola": 4908, + "bolognese_pasta_sauce": 13405, + "bolt": 4911, + "bolt, deadbolt": 4910, + "bolt_cutter": 4912, + "bolti, Tilapia_nilotica": 3903, + "bolus": 21726, + "bomb": 4913, + "bomb_calorimeter, bomb": 4915, + "bomb_rack": 4919, + "bomb_shelter, air-raid_shelter, bombproof": 4921, + "bombardier_beetle": 2539, + "bombazine": 4914, + "bomber": 4916, + "bomber, grinder, hero, hero_sandwich, hoagie, hoagy, Cuban_sandwich, Italian_sandwich, poor_boy, sub, submarine, submarine_sandwich, torpedo, wedge, zep": 12782, + "bomber_jacket": 4917, + "bomblet, cluster_bomblet": 4918, + "bombshell": 15039, + "bombycid, bombycid_moth, silkworm_moth": 2951, + "bonbon": 12479, + "bond_servant": 15043, + "bondman, bondsman": 15040, + "bonduc, bonduc_tree, Caesalpinia_bonduc, Caesalpinia_bonducella": 19701, + "bonduc_nut, nicker_nut, nicker_seed": 17558, + "bondwoman, bondswoman, bondmaid": 15042, + "bone, ivory, pearl, off-white": 12013, + "bone-ash_cup, cupel, refractory_pot": 4922, + "bone-headed_dinosaur": 1102, + "bone_china": 4923, + "bonefish, Albula_vulpes": 3787, + "bones, castanets, clappers, finger_cymbals": 4924, + "boneset, agueweed, thoroughwort, Eupatorium_perfoliatum": 18297, + "boneshaker": 4925, + "bongo, Tragelaphus_eurycerus, Boocercus_eurycerus": 3439, + "bongo, bongo_drum": 4926, + "bonito": 4032, + "bonito, oceanic_bonito, Katsuwonus_pelamis": 4036, + "bonito_shark, blue_pointed, Isurus_glaucus": 459, + "bonnet, poke_bonnet": 4927, + "bonnet_macaque, bonnet_monkey, capped_macaque, crown_monkey, Macaca_radiata": 3629, + "bonsai": 21327, + "booby": 2073, + "boojum_tree, cirio, Fouquieria_columnaris, Idria_columnaris": 19431, + "book": 4928, + "book, rule_book": 14103, + "book_agent": 15044, + "book_bag": 4929, + "book_jacket, dust_cover, dust_jacket, dust_wrapper": 12247, + "book_scorpion, Chelifer_cancroides": 1262, + "bookbinder": 15045, + "bookbindery": 4930, + "bookcase": 4931, + "bookend": 4932, + "bookkeeper": 15046, + "booklouse, book_louse, deathwatch, Liposcelis_divinatorius": 2825, + "bookmaker": 15047, + "bookmark, bookmarker": 4933, + "bookmobile": 4934, + "bookshelf": 4935, + "bookshop, bookstore, bookstall": 4936, + "bookworm": 15048, + "boom": 4937, + "boom, microphone_boom": 4938, + "boomerang, throwing_stick, throw_stick": 4939, + "booster, booster_amplifier, booster_station, relay_link, relay_station, relay_transmitter": 4941, + "booster, booster_rocket, booster_unit, takeoff_booster, takeoff_rocket": 4940, + "booster, shoplifter, lifter": 15049, + "boot": 4943, + "boot_camp": 4944, + "bootblack, shoeblack": 15050, + "bootee, bootie": 4945, + "booth": 4948, + "booth, cubicle, stall, kiosk": 4946, + "boothose": 4949, + "bootjack": 4950, + "bootlace": 4951, + "bootleg": 4952, + "bootlegger, moonshiner": 15051, + "bootmaker, boot_maker": 15052, + "bootstrap": 4953, + "borage": 13313, + "borage, tailwort, Borago_officinalis": 20575, + "bordelaise": 13437, + "border_patrolman": 15054, + "borderer": 15053, + "bore_bit, borer, rock_drill, stone_drill": 4954, + "boron_chamber": 4955, + "borough": 14134, + "borrow_pit": 14244, + "borsch, borsh, borscht, borsht, borshch, bortsch": 12376, + "borstal": 4956, + "borzoi, Russian_wolfhound": 2208, + "bosc": 13176, + "bosom": 4957, + "boss": 15614, + "bota": 4959, + "botanist, phytologist, plant_scientist": 15055, + "botfly": 2621, + "bottle": 4960, + "bottle, feeding_bottle, nursing_bottle": 4961, + "bottle-nosed_whale, bottlenose_whale, bottlenose, Hyperoodon_ampullatus": 2118, + "bottle-tree, bottle_tree": 18926, + "bottle_bank": 4962, + "bottle_gourd, calabash, Lagenaria_siceraria": 18853, + "bottle_green": 12033, + "bottle_opener": 4965, + "bottlebrush": 4963, + "bottlecap": 4964, + "bottled_water": 14084, + "bottlenose_dolphin, bottle-nosed_dolphin, bottlenose": 2121, + "bottling_plant": 4966, + "bottom, freighter, merchantman, merchant_ship": 4967, + "bottom-feeder": 190, + "bottom-feeder, bottom-dweller": 189, + "bottom_feeder": 15056, + "bottom_rot_fungus, Corticium_solani": 21097, + "botulinus, botulinum, Clostridium_botulinum": 266, + "boucle": 4968, + "boudoir": 4969, + "bouffant": 12086, + "bougainvillea": 17936, + "bouillabaisse": 12431, + "bouillon": 12379, + "bouillon_cube": 13283, + "boulevardier": 15057, + "boulle, boule, buhl": 4970, + "bouncing_betty": 4971, + "boundary, edge, bound": 21731, + "bounty_hunter": 15059, + "bouquet, corsage, posy, nosegay": 4972, + "bourbon": 13898, + "bourguignon, bourguignon_sauce, Burgundy_sauce": 13438, + "boutique, dress_shop": 4973, + "boutonniere": 4974, + "bovid": 3326, + "bovine": 3327, + "bow": 4976, + "bow, arc": 21712, + "bow, bowknot": 4977, + "bow_and_arrow": 4978, + "bow_tie, bow-tie, bowtie": 4993, + "bowed_stringed_instrument, string": 4979, + "bower_actinidia, tara_vine, Actinidia_arguta": 19413, + "bowerbird, catbird": 798, + "bowfin, grindle, dogfish, Amia_calva": 4062, + "bowhead, bowhead_whale, Greenland_whale, Balaena_mysticetus": 2105, + "bowl": 4983, + "bowler": 15061, + "bowler_hat, bowler, derby_hat, derby, plug_hat": 4984, + "bowline, bowline_knot": 4985, + "bowling_alley": 4986, + "bowling_ball, bowl": 4987, + "bowling_equipment": 4988, + "bowling_pin, pin": 4989, + "bowling_shoe": 4990, + "bowsprit": 4991, + "bowstring": 4992, + "box": 4994, + "box, box_seat": 4996, + "box, loge": 4995, + "box_beam, box_girder": 4997, + "box_camera, box_Kodak": 4998, + "box_coat": 5000, + "box_elder, ash-leaved_maple, Acer_negundo": 20417, + "box_huckleberry, Gaylussacia_brachycera": 19011, + "box_office, ticket_office, ticket_booth": 5003, + "box_spring": 5004, + "box_turtle, box_tortoise": 1010, + "box_wrench, box_end_wrench": 5005, + "boxcar": 4999, + "boxer": 2316, + "boxfish, trunkfish": 4100, + "boxing, pugilism, fisticuffs": 50, + "boxing_equipment": 5001, + "boxing_glove, glove": 5002, + "boy_scout": 15065, + "boy_wonder": 15066, + "boysenberry": 13033, + "boysenberry, boysenberry_bush": 20133, + "brace": 5008, + "brace, braces, orthodontic_braces": 5007, + "brace, bracing": 5006, + "brace, suspender, gallus": 5009, + "brace_and_bit": 5010, + "brace_wrench": 5013, + "bracelet, bangle": 5011, + "bracer, armguard": 5012, + "brachiopod, lamp_shell, lampshell": 3005, + "brachium": 21745, + "brachyuran": 1836, + "bracken, Pteridium_esculentum": 21506, + "bracket, wall_bracket": 5014, + "bracket_fungus, shelf_fungus": 21190, + "bract": 21430, + "bracteole, bractlet": 21431, + "bradawl, pricker": 5015, + "brae": 14245, + "bragger, braggart, boaster, blowhard, line-shooter, vaunter": 15067, + "brahman, brahmin": 15068, + "brain_coral": 1701, + "brake": 5017, + "brake_band": 5018, + "brake_cylinder, hydraulic_brake_cylinder, master_cylinder": 5019, + "brake_disk": 5020, + "brake_drum, drum": 5021, + "brake_lining": 5022, + "brake_pad": 5023, + "brake_pedal": 5024, + "brake_shoe, shoe, skid": 5025, + "brake_system, brakes": 5026, + "bramble": 21332, + "bramble_bush": 20129, + "brambling, Fringilla_montifringilla": 547, + "bran": 12305, + "bran_muffin": 12733, + "branch_water": 14085, + "branchlet, twig, sprig": 21459, + "brandy": 13875, + "brandy_sling": 13967, + "brandyball": 12473, + "brant, brant_goose, brent, brent_goose": 1562, + "brass": 5029, + "brass, brass_instrument": 5027, + "brass, memorial_tablet, plaque": 5028, + "brass_buttons, Cotula_coronopifolia": 18266, + "brass_knucks, knucks, brass_knuckles, knuckles, knuckle_duster": 5034, + "brassard": 5030, + "brassavola": 18509, + "brasserie": 5031, + "brassie": 5032, + "brassiere, bra, bandeau": 5033, + "brattice": 5035, + "brawler": 15069, + "brazier, brasier": 5036, + "brazil_nut, brazil": 13200, + "brazil_nut, brazil-nut_tree, Bertholletia_excelsa": 19288, + "brazilian_ironwood, Caesalpinia_ferrea": 19704, + "bread, breadstuff, staff_of_life": 12661, + "bread-bin, breadbox": 5038, + "bread_and_butter_pickle": 13373, + "bread_dough": 13615, + "bread_knife": 5039, + "bread_mold, Rhizopus_nigricans": 21000, + "bread_sauce": 13411, + "breadbasket": 5037, + "breadfruit": 13093, + "breadfruit, breadfruit_tree, Artocarpus_communis, Artocarpus_altilis": 19477, + "breadroot, Indian_breadroot, pomme_blanche, pomme_de_prairie, Psoralea_esculenta": 19883, + "breadstick, bread-stick": 12665, + "breadstuff": 12293, + "breadwinner": 15070, + "breakable": 5040, + "breakax, breakaxe, break-axe, Sloanea_jamaicensis": 18922, + "breakfast": 12326, + "breakfast_area, breakfast_nook": 5041, + "breakfast_table": 5042, + "breakwater, groin, groyne, mole, bulwark, seawall, jetty": 5043, + "breast_drill": 5044, + "breast_implant": 5045, + "breast_pocket": 5047, + "breastplate, aegis, egis": 5046, + "breaststroker": 15071, + "breathalyzer, breathalyser": 5048, + "breechblock, breech_closer": 5049, + "breechcloth, breechclout, loincloth": 5050, + "breeches, knee_breeches, knee_pants, knickerbockers, knickers": 5051, + "breeches_buoy": 5052, + "breechloader": 5053, + "breeder, stock_breeder": 15072, + "breeder_reactor": 5054, + "breviary": 12218, + "brew, brewage": 13771, + "brewer's_mole, hair-tailed_mole, Parascalops_breweri": 1638, + "brewpub": 5056, + "briard": 2297, + "briarroot": 18987, + "brick": 15073, + "brick_cheese": 13553, + "brick_red": 12056, + "brick_trowel, mason's_trowel": 5060, + "brickkiln": 5058, + "bricklayer's_hammer": 5059, + "bricks_and_mortar": 21778, + "brickwork": 5061, + "bridal_gown, wedding_gown, wedding_dress": 5062, + "bridal_wreath, bridal-wreath, Francoa_ramosa": 20534, + "bridal_wreath, bridal-wreath, Saint_Peter's_wreath, St._Peter's_wreath, Spiraea_prunifolia": 20155, + "bride": 15074, + "bridesmaid, maid_of_honor": 15075, + "bridge, nosepiece": 5064, + "bridge, span": 5063, + "bridge_agent": 15076, + "bridgehead": 14125, + "bridle": 5065, + "bridle_path, bridle_road": 5066, + "bridoon": 5067, + "briefcase": 5068, + "briefcase_bomb": 5069, + "briefcase_computer": 5070, + "briefs, Jockey_shorts": 5071, + "brier": 21285, + "brig": 5073, + "brigandine": 5074, + "brigantine, hermaphrodite_brig": 5075, + "brill, Scophthalmus_rhombus": 4128, + "brilliant_pebble": 5077, + "brilliantine": 5076, + "brim": 5078, + "brine_shrimp, Artemia_salina": 1886, + "brioche": 12740, + "brisling, sprat, Clupea_sprattus": 3755, + "bristle_brush": 5079, + "bristle_fern, filmy_fern": 20951, + "bristlecone_pine, Rocky_Mountain_bristlecone_pine, Pinus_aristata": 17388, + "bristlegrass, bristle_grass": 18756, + "bristletail": 2851, + "bristly_locust, rose_acacia, moss_locust, Robinia_hispida": 19888, + "bristly_sarsaparilla, bristly_sarsparilla, dwarf_elder, Aralia_hispida": 17829, + "brit, britt": 3743, + "britches": 5080, + "brittle, toffee, toffy": 12480, + "brittle_bladder_fern, brittle_fern, fragile_fern, Cystopteris_fragilis": 21524, + "brittle_maidenhair, brittle_maidenhair_fern, Adiantum_tenerum": 21552, + "brittle_star, brittle-star, serpent_star": 3009, + "brittlebush, brittle_bush, incienso, Encelia_farinosa": 18280, + "broad-leaved_montia, Montia_cordifolia": 17988, + "broad-leaved_plantain, common_plantain, white-man's_foot, whiteman's_foot, cart-track_plant, Plantago_major": 19978, + "broad-leaved_twayblade, Listera_convallarioides": 18579, + "broad_arrow": 5081, + "broad_bean, fava_bean, horsebean": 19910, + "broad_bean, horse_bean": 13229, + "broad_beech_fern, southern_beech_fern, Phegopteris_hexagonoptera, Dryopteris_hexagonoptera, Thelypteris_hexagonoptera": 21605, + "broad_buckler-fern, Dryopteris_dilatata": 21512, + "broad_hatchet": 5087, + "broad_jump, long_jump": 23, + "broadax, broadaxe": 5082, + "broadbill": 605, + "broadcast_journalist": 15077, + "broadcaster, spreader": 5084, + "broadcasting": 12204, + "broadcloth": 5086, + "broadloom": 5088, + "broadside": 5089, + "broadsword": 5090, + "broadtail, caracul, karakul": 3396, + "brocade": 5091, + "broccoli": 12835, + "broccoli, Brassica_oleracea_italica": 18026, + "broccoli_raab, broccoli_rabe, Brassica_rapa_ruvo": 18032, + "broccoli_rabe, broccoli_raab": 12838, + "brochette": 5083, + "brocket": 3484, + "brogan, brogue, clodhopper, work_shoe": 5092, + "broiler": 5093, + "broken_arch": 5094, + "brome, bromegrass": 18691, + "brompton_stock, Matthiola_incana": 18067, + "bronchoscope": 5095, + "bronco, bronc, broncho": 3230, + "brood_bitch": 2166, + "brood_hen, broody, broody_hen, setting_hen, sitter": 1332, + "broodmare, stud_mare": 3209, + "brook_thistle, Cirsium_rivulare": 18256, + "brook_trout, speckled_trout, Salvelinus_fontinalis": 3775, + "brooklime, American_brooklime, Veronica_americana": 20789, + "brooklime, European_brooklime, Veronica_beccabunga": 20791, + "brookweed, Samolus_parviflorus, Samolus_floribundus": 18656, + "brookweed, Samolus_valerandii": 18655, + "broom": 5096, + "broom_beard_grass, prairie_grass, wire_grass, Andropogon_scoparius, Schizachyrium_scoparium": 18753, + "broom_closet": 5097, + "broom_grass": 18682, + "broom_sedge, Andropogon_virginicus": 18683, + "broomcorn, Sorghum_vulgare_technicum": 18774, + "broomcorn_millet, hog_millet, Panicum_miliaceum": 18739, + "broomstick, broom_handle": 5098, + "broomweed, broom-weed, Gutierrezia_texana": 18316, + "broth": 12377, + "broth, stock": 12382, + "brother-in-law": 15079, + "brotula": 3822, + "brougham": 5099, + "brown_Betty": 12598, + "brown_algae": 320, + "brown_bat": 2494, + "brown_bear, bruin, Ursus_arctos": 2445, + "brown_bread, Boston_brown_bread": 12667, + "brown_bullhead": 3713, + "brown_butter, beurre_noisette": 13529, + "brown_creeper, American_creeper, Certhia_americana": 758, + "brown_cup": 20987, + "brown_hyena, strand_wolf, Hyaena_brunnea": 2371, + "brown_lacewing, hemerobiid, hemerobiid_fly": 2836, + "brown_lemming, Lemmus_trimucronatus": 3100, + "brown_pine, Rockingham_podocarp, Podocarpus_elatus": 17486, + "brown_rat, Norway_rat, Rattus_norvegicus": 3056, + "brown_rice": 13247, + "brown_root_rot_fungus, Thielavia_basicola": 21132, + "brown_sauce, sauce_Espagnole": 13439, + "brown_snail, Helix_aspersa": 1762, + "brown_soft_scale, Coccus_hesperidum": 2787, + "brown_sugar": 12461, + "brown_thrasher, brown_thrush, Toxostoma_rufums": 753, + "brown_trout, salmon_trout, Salmo_trutta": 3771, + "brownie_mix": 12446, + "brownstone": 5102, + "browntail, brown-tail_moth, Euproctis_phaeorrhoea": 2905, + "browser": 15080, + "bruin": 2446, + "brunch": 12328, + "brunch_coat": 5103, + "brush": 5104, + "brush-tailed_phalanger, Trichosurus_vulpecula": 1613, + "brush-tailed_porcupine, brush-tail_porcupine": 3108, + "brush_turkey, Alectura_lathami": 1369, + "brussels_sprout, Brassica_oleracea_gemmifera": 18024, + "brussels_sprouts": 12837, + "bryanthus": 19002, + "bryony, briony": 18845, + "bryophyte, nonvascular_plant": 17310, + "bryozoan, polyzoan, sea_mat, sea_moss, moss_animal": 3004, + "bubble": 14246, + "bubble_and_squeak": 13630, + "bubble_chamber": 5108, + "bubble_gum": 12484, + "bubble_jet_printer, bubble-jet_printer, bubblejet": 5109, + "bubble_shell": 1780, + "buck": 1633, + "buck_sergeant": 14827, + "buckboard": 5110, + "bucket, pail": 5111, + "bucket_seat": 5112, + "bucket_shop": 5113, + "buckeye, horse_chestnut, conker": 20462, + "bucking_bronco": 3231, + "buckle": 5114, + "buckler_mustard, Biscutalla_laevigata": 18019, + "buckram": 5115, + "bucksaw": 5116, + "buckskin": 3232, + "buckskins": 5117, + "buckthorn": 21396, + "buckthorn_berry, yellow_berry": 21397, + "buckwheat": 13239, + "buckwheat, Polygonum_fagopyrum, Fagopyrum_esculentum": 19983, + "bud_brush, bud_sagebrush, Artemis_spinescens": 18159, + "buddy, brother, chum, crony, pal, sidekick": 15082, + "budgerigar, budgereegah, budgerygah, budgie, grass_parakeet, lovebird, shell_parakeet, Melopsittacus_undulatus": 1442, + "buff, buffer": 5118, + "buffalo_carpet_beetle, Anthrenus_scrophulariae": 2551, + "buffalo_clover, Trifolium_reflexum, Trifolium_stoloniferum": 17724, + "buffalo_fish, buffalofish": 372, + "buffalo_grass, Buchloe_dactyloides": 18696, + "buffalo_wing": 12643, + "buffel_grass, Cenchrus_ciliaris, Pennisetum_cenchroides": 18701, + "buffer, buffer_storage, buffer_store": 5120, + "buffer, polisher": 5119, + "buffet": 12335, + "buffet, counter, sideboard": 5121, + "buffing_wheel": 5122, + "bufflehead, butterball, dipper, Bucephela_albeola": 1530, + "bufo": 950, + "bug": 2749, + "buggy, roadster": 5123, + "bugle": 5124, + "bugle, bugleweed": 20641, + "bugleweed, Lycopus_virginicus": 20674, + "bugloss, alkanet, Anchusa_officinalis": 20578, + "building, edifice": 5125, + "building_complex, complex": 5126, + "bulb": 21645, + "bulbil, bulblet": 21372, + "bulblet_fern, bulblet_bladder_fern, berry_fern, Cystopteris_bulbifera": 21526, + "bulbous_plant": 21371, + "bulbul": 648, + "bulge, bump, hump, swelling, gibbosity, gibbousness, jut, prominence, protuberance, protrusion, extrusion, excrescence": 21710, + "bulgur, bulghur, bulgur_wheat": 13240, + "bulgur_pilaf": 13697, + "bull": 15083, + "bull_mastiff": 2318, + "bull_shark, cub_shark, Carcharhinus_leucas": 468, + "bull_snake, bull-snake": 1165, + "bull_thistle, boar_thistle, spear_thistle, Cirsium_vulgare, Cirsium_lanceolatum": 18257, + "bullace, Prunus_insititia": 20075, + "bullbrier, greenbrier, catbrier, horse_brier, horse-brier, brier, briar, Smilax_rotundifolia": 19665, + "bulldog, English_bulldog": 2320, + "bulldog_ant": 2713, + "bulldog_clip, alligator_clip": 5127, + "bulldog_wrench": 5128, + "bulldozer, dozer": 5129, + "bullet, slug": 5130, + "bullet_train, bullet": 5132, + "bulletproof_vest": 5131, + "bullfighter, toreador": 14966, + "bullfighting, tauromachy": 89, + "bullfinch, Pyrrhula_pyrrhula": 562, + "bullfrog, Rana_catesbeiana": 935, + "bullhead": 4080, + "bullhead, bullhead_catfish": 3711, + "bullhorn, loud_hailer, loud-hailer": 5133, + "bullion": 5134, + "bullnose, bullnosed_plane": 5135, + "bullock": 3336, + "bullock's_heart, bullock's_heart_tree, bullock_heart, Annona_reticulata": 17575, + "bullock, steer": 3332, + "bullpen": 5137, + "bullpen, detention_cell, detention_centre": 5136, + "bullring": 5138, + "bullshot": 13938, + "bullterrier, bull_terrier": 2221, + "bully": 15084, + "bulwark": 5139, + "bumblebee, humblebee": 2670, + "bumboat": 5140, + "bumper": 5142, + "bumper_car, Dodgem": 5143, + "bumper_guard": 5144, + "bumper_jack": 5145, + "bun, roll": 12668, + "bunchberry, dwarf_cornel, crackerberry, pudding_berry, Cornus_canadensis": 20942, + "bundle, sheaf": 5146, + "bung, spile": 5147, + "bungalow, cottage": 5148, + "bungee, bungee_cord": 5149, + "bunghole": 5150, + "bunji-bunji, Flindersia_schottiana": 20258, + "bunk": 5151, + "bunk, feed_bunk": 5152, + "bunk_bed, bunk": 5153, + "bunker": 5156, + "bunker, dugout": 5155, + "bunker, sand_trap, trap": 5154, + "bunny, bunny_girl": 15085, + "bunny, bunny_rabbit": 3027, + "bunsen_burner, bunsen, etna": 5157, + "bunt, Tilletia_caries": 21238, + "bunt, stinking_smut, Tilletia_foetida": 21239, + "bunting": 5158, + "bunya_bunya": 12989, + "bunya_bunya, bunya_bunya_tree, Araucaria_bidwillii": 17468, + "bur, burr": 5159, + "bur_marigold, burr_marigold, beggar-ticks, beggar's-ticks, sticktight": 18207, + "bur_oak, burr_oak, mossy-cup_oak, mossycup_oak, Quercus_macrocarpa": 19127, + "bur_reed": 18820, + "burbot, eelpout, ling, cusk, Lota_lota": 3725, + "burdock, clotbur": 18140, + "burette, buret": 5161, + "burglar": 15086, + "burglar_alarm": 5162, + "burgoo": 12416, + "burgrass, bur_grass": 18700, + "burial_chamber, sepulcher, sepulchre, sepulture": 5163, + "burial_garment": 5164, + "burial_mound, grave_mound, barrow, tumulus": 5165, + "burin": 5166, + "burlap, gunny": 5168, + "burn_bag": 5169, + "burner": 5170, + "burnous, burnoose, burnouse": 5171, + "burp_gun, machine_pistol": 5172, + "burqa, burka": 5167, + "burr": 5173, + "burrawong, Macrozamia_communis, Macrozamia_spiralis": 17349, + "burrfish": 4106, + "burrito": 13749, + "burro": 3285, + "burrow, tunnel": 14247, + "bursar": 15087, + "burweed_marsh_elder, false_ragweed, Iva_xanthifolia": 18346, + "bus, autobus, coach, charabanc, double-decker, jitney, motorbus, motorcoach, omnibus, passenger_vehicle": 5174, + "bus_stop": 14126, + "busboy, waiter's_assistant": 15088, + "bush": 14122, + "bush_hibiscus, Radyera_farragei, Hibiscus_farragei": 18902, + "bush_honeysuckle, Diervilla_sessilifolia": 20188, + "bush_jacket": 5177, + "bush_nasturtium, Tropaeolum_minus": 20319, + "bush_pea": 19901, + "bush_shrike": 796, + "bush_vetch, Vicia_sepium": 19912, + "bush_violet, browallia": 20806, + "bush_willow, Combretum_appiculatum": 19281, + "bush_willow, Combretum_erythrophyllum": 19282, + "bushbuck, guib, Tragelaphus_scriptus": 3446, + "bushel_basket": 5175, + "bushing, cylindrical_lining": 5176, + "bushman's_poison, ordeal_tree, Acocanthera_oppositifolia, Acocanthera_venenata": 17761, + "bushtit, bush_tit": 770, + "bushy_aster, Aster_dumosus": 18167, + "business_district, downtown": 14132, + "business_editor": 15089, + "business_lunch": 12330, + "business_suit": 5178, + "business_traveler": 15090, + "buskin, combat_boot, desert_boot, half_boot, top_boot": 5179, + "bustard": 1953, + "buster": 15091, + "bustier": 5180, + "bustle": 5181, + "busybody, nosy-parker, nosey-parker, quidnunc": 15092, + "butcher's_broom, Ruscus_aculeatus": 19649, + "butcher_knife": 5182, + "butcher_shop, meat_market": 5183, + "butcherbird": 790, + "buteonine": 820, + "butt_hinge": 5187, + "butt_joint, butt": 5188, + "butt_shaft": 5192, + "butt_weld, butt-weld": 5193, + "butte": 14248, + "butter": 13526, + "butter_dish": 5184, + "butter_knife": 5186, + "butterbur, bog_rhubarb, Petasites_hybridus, Petasites_vulgaris": 18388, + "buttercrunch": 12894, + "buttercup, butterflower, butter-flower, crowfoot, goldcup, kingcup": 17634, + "buttercup_squash": 18839, + "butterfly": 2862, + "butterfly_bush, buddleia": 19697, + "butterfly_fish": 3968, + "butterfly_flower, poor_man's_orchid, schizanthus": 20845, + "butterfly_orchid": 18604, + "butterfly_orchid, Encyclia_tampensis, Epidendrum_tampense": 18546, + "butterfly_orchid, butterfly_orchis, Epidendrum_venosum, Encyclia_venosa": 18547, + "butterfly_orchid, butterfly_orchis, Orchis_papilionaceae": 18499, + "butterfly_pea, Centrosema_virginianum": 19756, + "butterfly_pea, Clitoria_mariana": 19769, + "butterfly_plant, Phalaenopsis_amabilis": 18595, + "butterfly_ray": 498, + "butterfly_valve": 5185, + "butterfly_weed, orange_milkweed, chigger_flower, chiggerflower, pleurisy_root, tuber_root, Indian_paintbrush, Asclepias_tuberosa": 21620, + "butterhead_lettuce": 12893, + "buttermilk": 13517, + "buttermilk_biscuit, soda_biscuit": 12760, + "butternut": 13201, + "butternut, butternut_tree, white_walnut, Juglans_cinerea": 19264, + "butternut_squash": 12850, + "butternut_squash, Cucurbita_maxima": 18840, + "butterscotch": 12485, + "butterweed": 18384, + "butterweed, ragwort, Senecio_glabellus": 18413, + "butterwort": 20739, + "buttinsky": 15093, + "button": 5189, + "button_fern, Pellaea_rotundifolia": 21568, + "button_fern, Tectaria_cicutaria": 21539, + "button_pink, Dianthus_latifolius": 17862, + "button_quail, button-quail, bustard_quail, hemipode": 1956, + "button_snakeroot, Eryngium_aquaticum": 20914, + "button_tree, button_mangrove, Conocarpus_erectus": 19283, + "buttonhook": 5190, + "buttress, buttressing": 5191, + "butty": 12772, + "buzz_bomb, robot_bomb, flying_bomb, doodlebug, V-1": 5194, + "buzzard, Buteo_buteo": 824, + "buzzard, turkey_buzzard, turkey_vulture, Cathartes_aura": 867, + "buzzer": 5195, + "by-catch, bycatch": 207, + "bypass_condenser, bypass_capacitor": 5197, + "byway, bypath, byroad": 5198, + "cab": 5201, + "cab, cabriolet": 5200, + "cab, hack, taxi, taxicab": 5199, + "cabana": 5202, + "cabaret, nightclub, night_club, club, nightspot": 5203, + "cabbage, chou": 12827, + "cabbage, cultivated_cabbage, Brassica_oleracea": 18021, + "cabbage_bark, cabbage-bark_tree, cabbage_tree, Andira_inermis": 19737, + "cabbage_butterfly": 2884, + "cabbage_palm, Euterpe_oleracea": 19956, + "cabbage_palm, Roystonea_oleracea": 19972, + "cabbage_palm, cabbage_tree, Livistona_australis": 19957, + "cabbage_palmetto, cabbage_palm, Sabal_palmetto": 19973, + "cabbage_tree, grass_tree, Cordyline_australis": 19681, + "cabbageworm, Pieris_rapae": 2990, + "caber": 5204, + "cabin": 5206, + "cabin_car, caboose": 5207, + "cabin_class, second_class, economy_class": 5208, + "cabin_cruiser, cruiser, pleasure_boat, pleasure_craft": 5209, + "cabin_liner": 5214, + "cabinet": 5210, + "cabinet, console": 5211, + "cabinet, locker, storage_locker": 5212, + "cabinetmaker, furniture_maker": 15094, + "cabinetwork": 5213, + "cable, cable_television, cable_system, cable_television_service": 5215, + "cable, cablegram, overseas_telegram": 12200, + "cable, line, transmission_line": 5216, + "cable_car, car": 5217, + "cable_television, cable": 12209, + "cacao, cacao_tree, chocolate_tree, Theobroma_cacao": 18943, + "cacao_bean, cocoa_bean": 13095, + "cache, memory_cache": 5218, + "cachou": 12521, + "cacique, cazique": 699, + "cackler": 1331, + "cactus_mouse, Peromyscus_eremicus": 3070, + "cactus_wren": 748, + "cadaver, corpse, stiff, clay, remains": 12071, + "caddie, golf_caddie": 15095, + "caddis_fly, caddis-fly, caddice_fly, caddice-fly": 2847, + "caddisworm, strawworm": 2849, + "caddy, tea_caddy": 5219, + "cadet, plebe": 15096, + "caecilian, blindworm": 985, + "caesium_clock": 5220, + "cafe, coffeehouse, coffee_shop, coffee_bar": 5221, + "cafe_au_lait": 13978, + "cafe_noir, demitasse": 13979, + "cafe_royale, coffee_royal": 14045, + "cafeteria": 5222, + "cafeteria_tray": 5223, + "caff": 5224, + "caffe_latte, latte": 13983, + "caftan, kaftan": 5226, + "cage": 5228, + "cage, coop": 5227, + "cagoule": 5229, + "caiman, cayman": 1095, + "caiman_lizard": 1062, + "cairn": 12248, + "cairn, cairn_terrier": 2242, + "caisson": 5230, + "cajan_pea, pigeon_pea, dahl": 12911, + "cake_mix": 12447, + "calaba, Santa_Maria_tree, Calophyllum_calaba": 19392, + "calabar_bean, ordeal_bean": 19700, + "calabash": 20574, + "calabash, calabash_tree, Crescentia_cujete": 20573, + "caladenia": 18512, + "caladium": 17796, + "calamint": 20648, + "calamus": 19939, + "calanthe": 18513, + "calash, caleche, calash_top": 5231, + "calceolaria, slipperwort": 20754, + "calceus": 5232, + "calcimine": 5233, + "calculator, calculating_machine": 5234, + "caldera": 14249, + "caldron, cauldron": 5235, + "calendula": 18216, + "calf": 1631, + "calf's-foot_jelly": 12452, + "calico": 5236, + "caliper, calliper": 5237, + "calisaya, Cinchona_officinalis, Cinchona_ledgeriana, Cinchona_calisaya": 20168, + "call, phone_call, telephone_call": 12187, + "call-back": 12188, + "call-board": 5238, + "call-in": 12191, + "call_center, call_centre": 5239, + "call_forwarding": 12190, + "call_girl": 15098, + "call_waiting": 12192, + "calla_lily, calla, arum_lily, Zantedeschia_aethiopica": 17817, + "caller, caller-out": 15097, + "caller_ID": 5240, + "calliandra": 17743, + "calligrapher, calligraphist": 15099, + "calliope, steam_organ": 5241, + "calliopsis, Coreopsis_tinctoria": 18264, + "calorimeter": 5242, + "calosoma": 2540, + "calpac, calpack, kalpac": 5243, + "caltrop, devil's_weed, Tribulus_terestris": 20325, + "calypso, fairy-slipper, Calypso_bulbosa": 18515, + "camail, aventail, ventail": 5244, + "camas, camass, quamash, camosh, camash": 19607, + "camber_arch": 5245, + "cambric": 5246, + "cambric_tea": 14068, + "camcorder": 5247, + "camel": 3492, + "camel's_hair, camelhair": 5248, + "camel_racing": 76, + "camellia, camelia": 20890, + "camera, photographic_camera": 5249, + "camera_lens, optical_lens": 5250, + "camera_lucida": 5251, + "camera_obscura": 5252, + "camera_tripod": 5253, + "camise": 5254, + "camisole": 5255, + "camisole, underbodice": 5256, + "camlet": 5257, + "camomile_tea": 14072, + "camouflage": 5258, + "camouflage, camo": 5259, + "camp": 5261, + "camp, encampment, cantonment, bivouac": 5260, + "camp, refugee_camp": 5262, + "camp_chair": 5265, + "camp_follower": 15102, + "campaign_hat": 5263, + "campaigner, candidate, nominee": 15100, + "campanile, belfry": 5264, + "campanula, bellflower": 18486, + "camper": 15101, + "camper, camping_bus, motor_home": 5266, + "camper_trailer": 5267, + "camphor_daisy, Haplopappus_phyllocephalus": 18319, + "camphor_tree, Cinnamomum_camphora": 17596, + "camping, encampment, bivouacking, tenting": 179, + "campsite, campground, camping_site, camping_ground, bivouac, encampment, camping_area": 14127, + "campstool": 5268, + "camshaft": 5269, + "camwood, African_sandalwood, Baphia_nitida": 19744, + "can, tin, tin_can": 5270, + "can_opener, tin_opener": 5294, + "canal": 5271, + "canal_boat, narrow_boat, narrowboat": 5272, + "canape": 12358, + "canary, canary_bird": 558, + "canary_grass, birdseed_grass, Phalaris_canariensis": 18746, + "canary_seed": 13259, + "canarybird_flower, canarybird_vine, canary_creeper, Tropaeolum_peregrinum": 20320, + "cancerweed, cancer_weed, Salvia_lyrata": 20714, + "candelabrum, candelabra": 5273, + "candelilla, Pedilanthus_bracteatus, Pedilanthus_pavonis": 20887, + "candid_camera": 5274, + "candida": 21272, + "candidate, prospect": 15103, + "candied_apple, candy_apple, taffy_apple, caramel_apple, toffee_apple": 12487, + "candied_citrus_peel": 12492, + "candied_fruit, succade, crystallized_fruit": 12486, + "candle, taper, wax_light": 5275, + "candlenut": 17563, + "candlenut, varnish_tree, Aleurites_moluccana": 20884, + "candlepin": 5276, + "candlesnuffer": 5277, + "candlestick, candle_holder": 5278, + "candlewick": 5279, + "candlewood": 19430, + "candy, confect": 12467, + "candy_bar": 12468, + "candy_cane": 12493, + "candy_corn": 12494, + "candy_egg": 13482, + "candy_thermometer": 5280, + "candytuft": 18059, + "cane": 5282, + "cane_sugar": 12455, + "canebrake_rattlesnake, canebrake_rattler, Crotalus_horridus_atricaudatus": 1243, + "cangue": 5283, + "canine, canid": 2164, + "canistel, canistel_tree, Pouteria_campechiana_nervosa": 20484, + "canistel, eggfruit": 13097, + "canister, cannister, tin": 5284, + "cankerworm": 2910, + "canna": 19360, + "cannabis, hemp": 19470, + "canned_food, canned_foods, canned_goods, tinned_goods": 12317, + "canned_meat, tinned_meat": 12318, + "cannelloni": 13632, + "cannery": 5285, + "cannikin": 5287, + "cannon": 5291, + "cannonball, cannon_ball, round_shot": 5292, + "canoe": 5293, + "canonist": 15104, + "canopic_jar, canopic_vase": 5295, + "canopy": 5298, + "cant_hook": 5304, + "cantaloup, cantaloupe": 13101, + "cantaloupe, cantaloup, cantaloupe_vine, cantaloup_vine, Cucumis_melo_cantalupensis": 18848, + "canteen": 5303, + "canteen, mobile_canteen": 5302, + "canthus": 12108, + "cantilever": 5305, + "cantilever_bridge": 5306, + "cantle": 5307, + "canvas, canvass": 5310, + "canvas_tent, canvas, canvass": 5311, + "canvasback, canvasback_duck, Aythya_valisineria": 1533, + "canyon, canon": 14250, + "canyon_oak, canyon_live_oak, maul_oak, iron_oak, Quercus_chrysolepis": 19112, + "canyon_treefrog, Hyla_arenicolor": 971, + "canyonside": 14251, + "cap": 5314, + "cap_opener": 5320, + "cap_screw": 5323, + "capacitor, capacitance, condenser, electrical_condenser": 5315, + "caparison, trapping, housing": 5316, + "cape, mantle": 5317, + "cape_aloe, Aloe_ferox": 19581, + "cape_forget-me-not, Anchusa_capensis": 20579, + "cape_forget-me-not, Anchusa_riparia": 20580, + "cape_gooseberry, purple_ground_cherry, Physalis_peruviana": 20837, + "cape_jasmine, cape_jessamine, Gardenia_jasminoides, Gardenia_augusta": 20178, + "cape_marigold, sun_marigold, star_of_the_veldt": 18274, + "cape_yellowwood, African_yellowwood, Podocarpus_elongatus": 17487, + "capelin, capelan, caplin": 3784, + "caper": 17995, + "caper_sauce": 13469, + "caper_tree, Jamaica_caper_tree, Capparis_cynophallophora": 17997, + "caper_tree, bay-leaved_caper, Capparis_flexuosa": 17998, + "capercaillie, capercailzie, horse_of_the_wood, Tetrao_urogallus": 1352, + "capital_ship": 5318, + "capitalist": 15105, + "capitol": 5319, + "capon": 1329, + "capote, hooded_cloak": 5321, + "capote, hooded_coat": 5322, + "cappuccino, cappuccino_coffee, coffee_cappuccino": 13984, + "caprifig, Ficus_carica_sylvestris": 19482, + "capstan": 5324, + "capstone, copestone, coping_stone, stretcher": 5325, + "capsule": 5326, + "captain": 15108, + "captain's_chair": 5327, + "captain, chieftain": 15109, + "captain, headwaiter, maitre_d'hotel, maitre_d'": 15106, + "captain, senior_pilot": 15107, + "captive": 15111, + "capuchin, ringtail, Cebus_capucinus": 3644, + "capulin, Mexican_black_cherry": 13113, + "capulin, capulin_tree, Prunus_capuli": 20090, + "capybara, capibara, Hydrochoerus_hydrochaeris": 3172, + "car, auto, automobile, machine, motorcar": 5328, + "car, elevator_car": 5330, + "car, railcar, railway_car, railroad_car": 5329, + "car-ferry": 5351, + "car_battery, automobile_battery": 5334, + "car_bomb": 5336, + "car_carrier": 5340, + "car_door": 5347, + "car_mirror": 5360, + "car_seat": 5387, + "car_tire, automobile_tire, auto_tire, rubber_tire": 5389, + "car_train": 5392, + "car_wheel": 5402, + "carabao": 3368, + "carabiner, karabiner, snap_ring": 5331, + "caracal, desert_lynx, Lynx_caracal": 2426, + "caracara": 843, + "caracolito, Ruptiliocarpon_caracolito": 20264, + "carafe, decanter": 5332, + "carambola, carambola_tree, Averrhoa_carambola": 20271, + "carambola, star_fruit": 13042, + "caramel": 12495, + "caramel, caramelized_sugar": 12453, + "carancha, Polyborus_plancus": 845, + "caranday, caranda, caranda_palm, wax_palm, Copernicia_australis, Copernicia_alba": 19947, + "carangid_fish, carangid": 3872, + "caravansary, caravanserai, khan, caravan_inn": 5333, + "caraway": 13315, + "caraway, Carum_carvi": 20904, + "caraway_seed": 13389, + "caraway_seed_bread": 12670, + "carbine": 5335, + "carbohydrate_loading, carbo_loading": 12269, + "carbon, C, atomic_number_6": 21771, + "carbon_arc_lamp, carbon_arc": 5337, + "carbonara": 13406, + "carbonnade_flamande, Belgian_beef_stew": 13633, + "carboy": 5338, + "carburetor, carburettor": 5339, + "carcase, carcass": 1254, + "card_index, card_catalog, card_catalogue": 5344, + "card_player": 15114, + "card_table": 5350, + "cardamom, cardamon, Elettaria_cardamomum": 19376, + "cardamom, cardamon, cardamum": 13353, + "cardcase": 5341, + "cardiac_monitor, heart_monitor": 5342, + "cardigan": 5343, + "cardinal": 15112, + "cardinal, cardinal_grosbeak, Richmondena_Cardinalis, Cardinalis_cardinalis, redbird": 590, + "cardinal_tetra, Paracheirodon_axelrodi": 3900, + "cardinalfish": 3864, + "cardiograph, electrocardiograph": 5345, + "cardioid_microphone": 5346, + "cardiologist, heart_specialist, heart_surgeon": 15113, + "cardoon": 12938, + "cardoon, Cynara_cardunculus": 18270, + "cardroom": 5348, + "cardsharp, card_sharp, cardsharper, card_sharper, sharper, sharpie, sharpy, card_shark": 15115, + "career_man": 15117, + "careerist": 15116, + "caregiver": 15118, + "caretaker": 15120, + "cargo_area, cargo_deck, cargo_hold, hold, storage_area": 5352, + "cargo_container": 5353, + "cargo_door": 5354, + "cargo_hatch": 5355, + "cargo_helicopter": 5356, + "cargo_liner": 5357, + "cargo_ship, cargo_vessel": 5358, + "carib_wood, Sabinea_carinalis": 19891, + "caribou, reindeer, Greenland_caribou, Rangifer_tarandus": 3481, + "caricature_plant, Graptophyllum_pictum": 20567, + "caricaturist": 15121, + "carillon": 5359, + "carillonneur": 15122, + "carinate, carinate_bird, flying_bird": 524, + "carissa": 17767, + "carissa_plum, natal_plum": 13044, + "carline_thistle": 18222, + "carnation": 12048, + "carnation, clove_pink, gillyflower, Dianthus_caryophyllus": 17857, + "carnauba, carnauba_palm, wax_palm, Copernicia_prunifera, Copernicia_cerifera": 19946, + "carnivore": 2137, + "carnivorous_bat, microbat": 2479, + "carnivorous_plant": 20493, + "carob, carob_bean, algarroba_bean, algarroba, locust_bean, locust_pod": 19715, + "carob, carob_tree, carob_bean_tree, algarroba, Ceratonia_siliqua": 19714, + "carob_bar": 12469, + "caroche": 5361, + "caroler, caroller": 15123, + "carousel, carrousel, merry-go-round, roundabout, whirligig": 5362, + "carp": 354, + "carpenter": 15124, + "carpenter's_hammer, claw_hammer, clawhammer": 5363, + "carpenter's_kit, tool_kit": 5364, + "carpenter's_level": 5365, + "carpenter's_mallet": 5366, + "carpenter's_rule": 5367, + "carpenter's_square": 5368, + "carpenter_ant": 2706, + "carpenter_bee": 2669, + "carpenteria, Carpenteria_californica": 20513, + "carper, niggler": 15125, + "carpet_beater, rug_beater": 5370, + "carpet_beetle, carpet_bug": 2550, + "carpet_loom": 5371, + "carpet_moth, tapestry_moth, Trichophaga_tapetzella": 2926, + "carpet_pad, rug_pad, underlay, underlayment": 5372, + "carpet_shark, Orectolobus_barbatus": 463, + "carpet_snake, Python_variegatus, Morelia_spilotes_variegatus": 1202, + "carpet_sweeper, sweeper": 5373, + "carpet_tack": 5374, + "carpetbag": 5369, + "carpophore": 17533, + "carport, car_port": 5375, + "carpospore": 17320, + "carrack, carack": 5376, + "carrel, carrell, cubicle, stall": 5377, + "carriage": 5379, + "carriage, equipage, rig": 5378, + "carriage_bolt": 5380, + "carriage_wrench": 5382, + "carriageway": 5381, + "carrick_bend": 5383, + "carrier": 5384, + "carrier_pigeon": 1418, + "carrion": 1255, + "carrot": 12939, + "carrot_juice": 14017, + "carrot_pudding": 12592, + "carrot_stick": 12940, + "carryall, holdall, tote, tote_bag": 5385, + "carrycot": 5386, + "cart": 5388, + "carthorse, cart_horse, drayhorse": 3264, + "cartilaginous_fish, chondrichthian": 447, + "carton": 5390, + "cartouche, cartouch": 5391, + "cartridge": 5393, + "cartridge, pickup": 5394, + "cartridge_belt": 5395, + "cartridge_extractor, cartridge_remover, extractor": 5396, + "cartridge_fuse": 5397, + "cartridge_holder, cartridge_clip, clip, magazine": 5398, + "cartwheel": 5399, + "carving_fork": 5400, + "carving_knife": 5401, + "caryatid": 5403, + "caryophyllaceous_plant": 17844, + "casaba, casaba_melon": 13106, + "cascade_everlasting, Ozothamnus_secundiflorus, Helichrysum_secundiflorum": 18383, + "cascade_liquefier": 5404, + "cascade_penstemon, Penstemon_serrulatus": 20781, + "cascade_transformer": 5405, + "cascades_frog, Rana_cascadae": 937, + "cascara, cascara_sagrada, chittam_bark, chittem_bark": 21399, + "cascara_buckthorn, bearberry, bearwood, chittamwood, chittimwood, Rhamnus_purshianus": 21398, + "cascarilla, Croton_eluteria": 20874, + "cascarilla_bark, eleuthera_bark, sweetwood_bark": 20875, + "case": 5406, + "case, compositor's_case, typesetter's_case": 5408, + "case, display_case, showcase, vitrine": 5407, + "case_knife": 5411, + "case_knife, sheath_knife": 5410, + "case_shot, canister, canister_shot": 5415, + "casein_paint, casein": 5409, + "casemaking_clothes_moth, Tinea_pellionella": 2924, + "casement": 5412, + "casement_window": 5413, + "casern": 5414, + "caseworm": 2848, + "cash_bar": 5416, + "cash_machine, cash_dispenser, automated_teller_machine, automatic_teller_machine, automated_teller, automatic_teller, ATM": 5418, + "cash_register, register": 5420, + "cashbox, money_box, till": 5417, + "cashew, cashew_nut": 13203, + "cashew, cashew_tree, Anacardium_occidentale": 20437, + "cashier": 15127, + "cashmere": 5419, + "casing, case": 5421, + "casino, gambling_casino": 5422, + "casket, jewel_casket": 5423, + "casque": 5424, + "casquet, casquetel": 5425, + "cassareep": 13989, + "cassava, casava": 20880, + "cassava, manioc": 20882, + "casserole": 12353, + "cassette": 5428, + "cassette_deck": 5429, + "cassette_player": 5430, + "cassette_recorder": 5431, + "cassette_tape": 5432, + "cassia": 19709, + "cassia, cassia-bark_tree, Cinnamomum_cassia": 17598, + "cassia_bark, Chinese_cinnamon": 17599, + "cassiri": 14060, + "cassock": 5433, + "cassowary": 526, + "cast, plaster_cast, plaster_bandage": 5434, + "caster, castor": 5436, + "casting, cast": 103, + "castle": 5437, + "castle, rook": 5438, + "castor-oil_plant, castor_bean_plant, palma_christi, palma_christ, Ricinus_communis": 20876, + "castor_bean": 17561, + "castor_sugar, caster_sugar": 12456, + "casualty": 15129, + "casualty, injured_party": 15128, + "casuarina": 18981, + "casuist, sophist": 15130, + "cat's-claw, catclaw, black_bead, Pithecellodium_unguis-cati": 17754, + "cat's-ear": 19598, + "cat's-ear, California_dandelion, capeweed, gosmore, Hypochaeris_radicata": 18343, + "cat's-paw": 5460, + "cat's-tail, bullrush, bulrush, nailrod, reed_mace, reedmace, Typha_latifolia": 18819, + "cat, true_cat": 2387, + "cat-o'-nine-tails, cat": 5459, + "cat_box": 5447, + "cat_fancier": 15135, + "cat_flea, Ctenocephalides_felis": 2606, + "cat_food": 13258, + "cat_thyme, marum, Teucrium_marum": 20730, + "catacomb": 5439, + "catafalque": 5440, + "catalpa, Indian_bean": 20569, + "catalufa, Priacanthus_arenatus": 3863, + "catalytic_converter": 5441, + "catalytic_cracker, cat_cracker": 5442, + "catamaran": 5443, + "catananche": 18227, + "cataphyll": 17548, + "catapult, arbalest, arbalist, ballista, bricole, mangonel, onager, trebuchet, trebucket": 5444, + "catapult, launcher": 5445, + "catbird, grey_catbird, gray_catbird, Dumetella_carolinensis": 751, + "catboat": 5446, + "catch": 5448, + "catchall": 5449, + "catcher's_mask": 5450, + "catchment": 5451, + "catechist": 15131, + "catechu, Jerusalem_thorn, Acacia_catechu": 17732, + "catechumen, neophyte": 15132, + "caterer": 15133, + "caterpillar": 2985, + "catfish, siluriform_fish": 3707, + "catgut, goat's_rue, wild_sweet_pea, Tephrosia_virginiana": 19900, + "cathedra, bishop's_throne": 5453, + "cathedral": 5454, + "cathedral, duomo": 5455, + "catheter": 5456, + "cathode": 5457, + "cathode-ray_tube, CRT": 5458, + "catmint, catnip, Nepeta_cataria": 20701, + "catostomid": 371, + "catsup, ketchup, cetchup, tomato_ketchup": 13352, + "catsup_bottle, ketchup_bottle": 5461, + "cattail": 18818, + "cattalo, beefalo": 3364, + "cattle, cows, kine, oxen, Bos_taurus": 3329, + "cattle_cake": 13220, + "cattle_car": 5462, + "cattle_egret, Bubulcus_ibis": 1923, + "cattle_guard, cattle_grid": 5463, + "cattleship, cattle_boat": 5464, + "cattley_guava, purple_strawberry_guava, Psidium_cattleianum, Psidium_littorale_longipes": 19308, + "cattleya": 18516, + "caudex": 21353, + "cauliflower": 12836, + "cauliflower, Brassica_oleracea_botrytis": 18025, + "cautery, cauterant": 5465, + "cavalier_hat, slouch_hat": 5466, + "cavalry_horse": 3214, + "cavalry_sword, saber, sabre": 5467, + "cavalryman, trooper": 15137, + "cave": 14252, + "cave_myotis, Myotis_velifer": 2496, + "caveman, cave_man, cave_dweller, troglodyte": 15138, + "cavern": 14253, + "cavetto": 5468, + "cavity_wall": 5469, + "cavy": 3168, + "cayenne, cayenne_pepper": 12881, + "cayenne, cayenne_pepper, red_pepper": 13354, + "cayuse, Indian_pony": 3239, + "cecropia, cecropia_moth, Hyalophora_cecropia": 2960, + "cedar, cedar_tree": 17435, + "cedar, cedar_tree, true_cedar": 17411, + "cedar_chest": 5477, + "cedar_elm, Ulmus_crassifolia": 19496, + "cedar_of_Lebanon, Cedrus_libani": 17412, + "cedar_waxwing, cedarbird, Bombycilla_cedrorun": 809, + "ceibo, crybaby_tree, cry-baby_tree, common_coral_tree, Erythrina_crista-galli": 19795, + "ceiling": 5478, + "celandine, greater_celandine, swallowwort, swallow_wort, Chelidonium_majus": 18096, + "celandine_poppy, wood_poppy, Stylophorum_diphyllum": 18108, + "celebrant": 15139, + "celebrant, celebrator, celebrater": 15140, + "celebrity, famous_person": 15141, + "celeriac, celery_root": 12943, + "celery": 12941, + "celery_pine": 17478, + "celery_salt": 13292, + "celery_seed": 13393, + "celery_stick": 12798, + "celery_top_pine, celery-topped_pine, Phyllocladus_asplenifolius": 17479, + "celesta": 5479, + "cell": 3, + "cell, electric_cell": 5480, + "cell, jail_cell, prison_cell": 5481, + "cellar, wine_cellar": 5482, + "cellblock, ward": 5483, + "cellist, violoncellist": 15142, + "cello, violoncello": 5484, + "cellophane": 5485, + "cellular_slime_mold": 21003, + "cellular_telephone, cellular_phone, cellphone, cell, mobile_phone": 5486, + "cellulose_tape, Scotch_tape, Sellotape": 5487, + "celtuce": 12900, + "celtuce, stem_lettuce, Lactuca_sativa_asparagina": 18352, + "cembra_nut, cedar_nut": 17365, + "cemetery, graveyard, burial_site, burial_ground, burying_ground, memorial_park, necropolis": 14129, + "cenotaph, empty_tomb": 5488, + "censer, thurible": 5489, + "censor": 15144, + "centaury": 19185, + "centenarian": 15145, + "center, centre": 12496, + "center_of_curvature, centre_of_curvature": 12070, + "center_punch": 5491, + "centipede": 1303, + "central_chimpanzee, Pan_troglodytes_troglodytes": 3609, + "central_processing_unit, CPU, C.P.U., central_processor, processor, mainframe": 5493, + "centrifugal_pump": 5494, + "centrifuge, extractor, separator": 5495, + "centrist, middle_of_the_roader, moderate, moderationist": 15146, + "centurion": 15147, + "cephalochordate": 420, + "cephalopod, cephalopod_mollusk": 1821, + "ceramic": 5496, + "ceramic_ware": 5497, + "ceratodus": 3706, + "ceratopsian, horned_dinosaur": 1104, + "ceratosaur, ceratosaurus": 1119, + "ceratozamia": 17344, + "cercaria": 1719, + "cereal, cereal_grass": 18783, + "cereal_bowl": 5498, + "cereal_box": 5499, + "cereal_oat, Avena_sativa": 18687, + "cerebral_cortex, cerebral_mantle, pallium, cortex": 12145, + "cerecloth": 5500, + "ceriman, Monstera_deliciosa": 17806, + "ceriman, monstera": 13043, + "cero, pintado, kingfish, Scomberomorus_regalis": 4026, + "certified_milk": 13508, + "certified_public_accountant, CPA": 15148, + "cesspool, cesspit, sink, sump": 5501, + "cetacean, cetacean_mammal, blower": 2101, + "chachalaca": 1364, + "chachka, tsatske, tshatshke, tchotchke": 5502, + "chachka, tsatske, tshatshke, tchotchke, tchotchkeleh": 15149, + "chacma, chacma_baboon, Papio_ursinus": 3624, + "chador, chadar, chaddar, chuddar": 5503, + "chaenactis": 18238, + "chaetodon": 3969, + "chafeweed, wood_cudweed, Gnaphalium_sylvaticum": 18310, + "chaffinch, Fringilla_coelebs": 546, + "chaffweed, bastard_pimpernel, false_pimpernel": 18640, + "chafing_dish": 5504, + "chain": 5506, + "chain, concatenation": 14112, + "chain_fern": 21499, + "chain_mail, ring_mail, mail, chain_armor, chain_armour, ring_armor, ring_armour": 5508, + "chain_pickerel, chain_pike, Esox_niger": 3830, + "chain_printer": 5509, + "chain_saw, chainsaw": 5510, + "chain_store": 5511, + "chain_tongs": 5512, + "chain_wrench": 5513, + "chainlink_fence": 5507, + "chair": 5515, + "chair_of_state": 5516, + "chairlift, chair_lift": 5517, + "chaise, shay": 5518, + "chaise_longue, chaise, daybed": 5519, + "chaja, Chauna_torquata": 1581, + "chalcid_fly, chalcidfly, chalcid, chalcid_wasp": 2696, + "chalcis_fly": 2698, + "chalet": 5520, + "chalice, goblet": 5521, + "chalice_vine, trumpet_flower, cupflower, Solandra_guttata": 20847, + "chalk": 5522, + "challah, hallah": 12671, + "challis": 5523, + "chambered_nautilus, pearly_nautilus, nautilus": 1822, + "chambermaid, fille_de_chambre": 15150, + "chamberpot, potty, thunder_mug": 5524, + "chambray": 5525, + "chameleon": 15151, + "chameleon, chamaeleon": 1080, + "chameleon_tree_frog": 972, + "chamfer_bit": 5526, + "chamfer_plane": 5527, + "chamois, Rupicapra_rupicapra": 3424, + "chamois_cloth": 5528, + "chamois_cress, Pritzelago_alpina, Lepidium_alpina": 18069, + "chamomile, camomile, Chamaemelum_nobilis, Anthemis_nobilis": 18237, + "champagne, bubbly": 13809, + "champagne_cup": 14052, + "champion, champ, title-holder": 15152, + "chanar, chanal, Geoffroea_decorticans": 19803, + "chancel, sanctuary, bema": 5529, + "chancellery": 5530, + "chancery": 5531, + "chandelier, pendant, pendent": 5532, + "chandler": 15153, + "chandlery": 5533, + "chanfron, chamfron, testiere, frontstall, front-stall": 5534, + "channel, transmission_channel": 12165, + "channel_catfish, channel_cat, Ictalurus_punctatus": 3714, + "chanter, melody_pipe": 5535, + "chanterelle, chantarelle, Cantharellus_cibarius": 21059, + "chantry": 5536, + "chap": 5537, + "chaparral_mallow, Malacothamnus_fasciculatus, Sphaeralcea_fasciculata": 18895, + "chaparral_pea, stingaree-bush, Pickeringia_montana": 19869, + "chapatti, chapati": 12685, + "chapel": 5538, + "chapterhouse": 5540, + "chapterhouse, fraternity_house, frat_house": 5539, + "char, charr": 3776, + "characin, characin_fish, characid": 3898, + "character_printer, character-at-a-time_printer, serial_printer": 5541, + "charcoal, charcoal_grey, charcoal_gray, oxford_grey, oxford_gray": 12016, + "charcoal, wood_coal": 21772, + "charcoal_burner": 15155, + "charcuterie": 5542, + "chard, Swiss_chard, spinach_beet, leaf_beet": 12870, + "chard, Swiss_chard, spinach_beet, leaf_beet, chard_plant, Beta_vulgaris_cicla": 17920, + "charge-exchange_accelerator": 5543, + "charge_d'affaires": 15156, + "charger, battery_charger": 5544, + "charger, courser": 3215, + "chariot": 5546, + "charioteer": 15157, + "charlotte": 12544, + "charmer, beguiler": 15158, + "charnel_house, charnel": 5547, + "chartered_accountant": 15159, + "chartist, technical_analyst": 15160, + "charwoman, char, cleaning_woman, cleaning_lady, woman": 15161, + "chasm": 14254, + "chassis": 5549, + "chasuble": 5550, + "chat_room, chatroom": 12215, + "chateau": 5551, + "chatelaine": 5552, + "chaulmoogra, chaulmoogra_tree, chaulmugra, Hydnocarpus_kurzii, Taraktagenos_kurzii, Taraktogenos_kurzii": 19428, + "cheapskate, tightwad": 15163, + "check-in": 10, + "checker": 15165, + "checker, chequer": 5553, + "checkerbloom, wild_hollyhock, Sidalcea_malviflora": 18906, + "checkered_whiptail, Cnemidophorus_tesselatus": 1060, + "checkout, checkout_counter": 5554, + "cheddar, cheddar_cheese, Armerican_cheddar, American_cheese": 13555, + "cheddar_pink, Diangus_gratianopolitanus": 17861, + "cheekpiece": 5555, + "cheerer": 15166, + "cheerleader": 15168, + "cheese": 13538, + "cheese_cutter": 5558, + "cheese_dip": 12367, + "cheese_fondue": 13660, + "cheese_pizza": 13701, + "cheese_press": 5559, + "cheese_sauce": 13443, + "cheese_souffle": 13634, + "cheese_spread": 13586, + "cheeseboard, cheese_tray": 5556, + "cheeseburger": 12778, + "cheesecloth": 5557, + "cheetah, chetah, Acinonyx_jubatus": 2441, + "chef's_salad": 13267, + "chelonian, chelonian_reptile": 990, + "chemical_bomb, gas_bomb": 5560, + "chemical_plant": 5561, + "chemical_reactor": 5562, + "chemise, sack, shift": 5563, + "chemise, shimmy, shift, slip, teddy": 5564, + "chenille": 5565, + "cherimoya, cherimolla": 13135, + "cherimoya, cherimoya_tree, Annona_cherimola": 17572, + "cherry": 13108, + "cherry, cherry_tree": 20084, + "cherry_laurel, laurel_cherry, Prunus_laurocerasus": 20105, + "cherry_laurel, laurel_cherry, mock_orange, wild_orange, Prunus_caroliniana": 20091, + "cherry_plum, myrobalan, myrobalan_plum, Prunus_cerasifera": 20092, + "cherry_tomato": 12968, + "cherrystone, cherrystone_clam": 1794, + "chervil": 13316, + "chervil, beaked_parsley, Anthriscus_cereifolium": 20899, + "chess, cheat, Bromus_secalinus": 18692, + "chess_master": 15170, + "chessman, chess_piece": 5566, + "chest": 5567, + "chest_of_drawers, chest, bureau, dresser": 5569, + "chest_protector": 5570, + "chesterfield": 5568, + "chestnut": 13204, + "chestnut, chestnut_tree": 19081, + "chestnut_oak": 19132, + "cheval-de-frise, chevaux-de-frise": 5571, + "cheval_glass": 5572, + "chevrotain, mouse_deer": 3488, + "chewing_gum, gum": 12482, + "chewink, cheewink, Pipilo_erythrophthalmus": 593, + "chicane": 5573, + "chichipe, Lemaireocereus_chichipe": 17956, + "chick, biddy": 1326, + "chickadee": 765, + "chickasaw_plum, hog_plum, hog_plum_bush, Prunus_angustifolia": 20072, + "chicken, Gallus_gallus": 1324, + "chicken_Kiev": 13641, + "chicken_Marengo": 13635, + "chicken_Tetrazzini": 13639, + "chicken_and_rice": 13620, + "chicken_broth, chicken_stock": 12381, + "chicken_cacciatore, chicken_cacciatora, hunter's_chicken": 12355, + "chicken_casserole": 12354, + "chicken_coop, coop, hencoop, henhouse": 5574, + "chicken_cordon_bleu": 13636, + "chicken_feed, scratch": 13253, + "chicken_hawk, hen_hawk": 819, + "chicken_mousse": 12589, + "chicken_paprika, chicken_paprikash": 13638, + "chicken_provencale": 13619, + "chicken_roundworm, Ascaridia_galli": 1731, + "chicken_salad": 13276, + "chicken_sandwich": 12774, + "chicken_snake": 1162, + "chicken_soup": 12384, + "chicken_stew": 12435, + "chicken_taco": 13748, + "chicken_wire": 5575, + "chicken_yard, hen_yard, chicken_run, fowl_run": 5576, + "chickeree, Douglas_squirrel, Tamiasciurus_douglasi": 3142, + "chickpea, chickpea_plant, Egyptian_pea, Cicer_arietinum": 19763, + "chickpea, garbanzo": 19764, + "chickweed": 17885, + "chicory, chicory_root": 18249, + "chicory, curly_endive": 12944, + "chicory, succory, chicory_plant, Cichorium_intybus": 18247, + "chicory_escarole, endive, escarole": 12949, + "chief_executive_officer, CEO, chief_operating_officer": 15171, + "chief_of_staff": 15172, + "chief_petty_officer": 15173, + "chiffon": 5577, + "chiffonier, commode": 5578, + "chigetai, dziggetai, Equus_hemionus_hemionus": 3295, + "chigoe, chigger, chigoe_flea, Tunga_penetrans": 2607, + "child's_room": 5579, + "child, baby": 15177, + "child, kid": 15176, + "child, kid, youngster, minor, shaver, nipper, small_fry, tiddler, tike, tyke, fry, nestling": 15175, + "child_prodigy, infant_prodigy, wonder_child": 15178, + "chili, chili_con_carne": 13642, + "chili, chili_pepper, chilli, chilly, chile": 12878, + "chili_dog": 13643, + "chili_powder": 13355, + "chili_sauce": 13356, + "chimaera": 449, + "chime, bell, gong": 5580, + "chimney_breast": 5581, + "chimney_corner, inglenook": 5582, + "chimney_plant, chimney_bellflower, Campanula_pyramidalis": 18493, + "chimney_swift, chimney_swallow, Chateura_pelagica": 1471, + "chimneysweeper, chimneysweep, sweep": 15179, + "chimpanzee, chimp, Pan_troglodytes": 3606, + "chin_rest": 5591, + "chin_strap": 5592, + "china": 5583, + "china_cabinet, china_closet": 5584, + "china_pink, rainbow_pink, Dianthus_chinensis": 17858, + "chinaberry, chinaberry_tree, China_tree, Persian_lilac, pride-of-India, azederach, azedarach, Melia_azederach, Melia_azedarach": 20250, + "chincapin, chinkapin, chinquapin": 13205, + "chinch_bug, Blissus_leucopterus": 2758, + "chinchilla": 5585, + "chinchilla, Chinchilla_laniger": 3177, + "chinese_mustard, indian_mustard, leaf_mustard, gai_choi, Brassica_juncea": 18034, + "chinning_bar": 5588, + "chino": 5590, + "chinook, chinook_salmon, king_salmon, quinnat_salmon, Oncorhynchus_tshawytscha": 3768, + "chinquapin_oak, chinkapin_oak, yellow_chestnut_oak, Quercus_muehlenbergii": 19133, + "chintz": 5593, + "chip, crisp, potato_chip, Saratoga_chip": 12819, + "chip, microchip, micro_chip, silicon_chip, microprocessor_chip": 5594, + "chip, poker_chip": 5595, + "chipboard, hardboard": 21841, + "chipmunk": 3154, + "chipotle": 12880, + "chipping_sparrow, Spizella_passerina": 569, + "chiropractor": 15180, + "chisel": 5596, + "chit": 15181, + "chiton, coat-of-mail_shell, sea_cradle, polyplacophore": 1786, + "chives": 13317, + "chives, chive, cive, schnittlaugh, Allium_schoenoprasum": 19575, + "chlamydia": 21764, + "chlamydospore": 17321, + "chlamys": 5597, + "chlorella": 328, + "chlorobenzylidenemalononitrile, CS_gas": 21770, + "choanocyte, collar_cell": 1673, + "chocolate, coffee, deep_brown, umber, burnt_umber": 12051, + "chocolate_egg": 13481, + "chocolate_fondue": 13661, + "chocolate_fudge": 12503, + "chocolate_ice_cream": 12568, + "chocolate_kiss": 12516, + "chocolate_milk": 13991, + "chocolate_mousse": 12590, + "chocolate_pudding": 12597, + "chocolate_sauce, chocolate_syrup": 13444, + "choice_morsel, tidbit, titbit": 12450, + "choir": 5598, + "choir_loft": 5599, + "choke": 5600, + "choke, choke_coil, choking_coil": 5601, + "chokecherry": 20124, + "chokecherry, chokecherry_tree, Prunus_virginiana": 20123, + "choker": 15182, + "chokey, choky": 5602, + "choline": 21781, + "cholla, Opuntia_cholla": 17965, + "choo-choo": 5603, + "chop-suey_greens": 12803, + "chop-suey_greens, tong_ho, shun_giku, Chrysanthemum_coronarium_spatiosum": 18242, + "chop_suey": 13644, + "chopine, platform": 5604, + "choragus": 15183, + "chordate": 419, + "chordophone": 5605, + "choreographer": 15184, + "chorus_frog": 976, + "chorus_girl, showgirl, chorine": 15185, + "chosen": 15186, + "chough": 722, + "chow, chow_chow": 2343, + "chow, chuck, eats, grub": 12284, + "chow_mein": 13645, + "chowchow": 12631, + "chowder": 12400, + "christella": 21600, + "chromatic_color, chromatic_colour, spectral_color, spectral_colour": 12009, + "chronograph": 5607, + "chronometer": 5608, + "chronoscope": 5609, + "chrysalis": 3000, + "chrysanthemum": 18239, + "chub, Leuciscus_cephalus": 361, + "chub_mackerel, tinker, Scomber_japonicus": 4021, + "chuck": 5610, + "chuck-will's-widow, Caprimulgus_carolinensis": 1479, + "chuck_wagon": 5611, + "chuckwalla, Sauromalus_obesus": 1032, + "chufa, yellow_nutgrass, earth_almond, ground_almond, rush_nut, Cyperus_esculentus": 18803, + "chukka, chukka_boot": 5612, + "chunga, seriema, Chunga_burmeisteri": 1937, + "church, church_building": 5613, + "church_bell": 5614, + "church_hat": 5615, + "church_key": 5616, + "church_tower": 5617, + "churidars": 5618, + "churn, butter_churn": 5619, + "chutney, Indian_relish": 13357, + "chyme": 21767, + "cicada, cicala": 2810, + "cicada_killer, Sphecius_speciosis": 2693, + "cicerone": 15187, + "cichlid, cichlid_fish": 3902, + "cider, cyder": 13992, + "cider_gum, Eucalypt_gunnii": 19327, + "cider_vinegar": 13398, + "ciderpress": 5620, + "cigar_band": 5621, + "cigar_box": 5622, + "cigar_cutter": 5623, + "cigar_lighter, cigarette_lighter, pocket_lighter": 5627, + "cigar_smoker": 15188, + "cigarette_butt": 5624, + "cigarette_case": 5625, + "cigarette_holder": 5626, + "ciliate, ciliated_protozoan, ciliophoran": 312, + "cinch, girth": 5628, + "cinchona, chinchona": 20166, + "cinchona, cinchona_bark, Peruvian_bark, Jesuit's_bark": 20170, + "cinchona_tree, Cinchona_pubescens": 20169, + "cinema, movie_theater, movie_theatre, movie_house, picture_palace": 5629, + "cineraria, Pericallis_cruenta, Senecio_cruentus": 18386, + "cinnabar, cinnabar_moth, Callimorpha_jacobeae": 2970, + "cinnabar_chanterelle, Cantharellus_cinnabarinus": 21062, + "cinnamon": 13298, + "cinnamon, Ceylon_cinnamon, Ceylon_cinnamon_tree, Cinnamomum_zeylanicum": 17597, + "cinnamon_bark": 17601, + "cinnamon_bear": 2451, + "cinnamon_bread": 12672, + "cinnamon_roll, cinnamon_bun, cinnamon_snail": 12751, + "cinnamon_toast": 12726, + "cinnamon_vine, Chinese_yam, Dioscorea_batata": 18626, + "cinquefoil": 5630, + "cinquefoil, five-finger": 20065, + "cipher, cypher, nobody, nonentity": 15189, + "circle": 21669, + "circle, round": 5631, + "circlet": 5632, + "circuit, electrical_circuit, electric_circuit": 5633, + "circuit_board, circuit_card, board, card, plug-in, add-in": 5634, + "circuit_breaker, breaker": 5635, + "circuitry": 5636, + "circular_plane, compass_plane": 5637, + "circular_saw, buzz_saw": 5638, + "circus_acrobat": 15190, + "circus_tent, big_top, round_top, top": 5639, + "cirque, corrie, cwm": 14255, + "cisco, lake_herring, Coregonus_artedi": 3780, + "cistern": 5640, + "cistern, water_tank": 5641, + "citizen": 15191, + "citrange": 13064, + "citrange, citrange_tree, Citroncirus_webberi": 20298, + "citron": 13065, + "citron, citron_tree, Citrus_medica": 20285, + "citrophilous_mealybug, citrophilus_mealybug, Pseudococcus_fragilis": 2792, + "citrus, citrus_fruit, citrous_fruit": 13045, + "citrus, citrus_tree": 20280, + "citrus_mealybug, Planococcus_citri": 2794, + "citrus_whitefly, Dialeurodes_citri": 2779, + "cittern, cithern, cither, citole, gittern": 5642, + "city, metropolis, urban_center": 14131, + "city_editor": 15192, + "city_father": 15193, + "city_hall": 5643, + "city_man": 15194, + "city_slicker, city_boy": 15195, + "city_university": 5645, + "cityscape": 5644, + "civet, civet_cat": 2456, + "civic_leader, civil_leader": 15196, + "civies, civvies": 5646, + "civil_authority, civil_officer": 16692, + "civil_rights_leader, civil_rights_worker, civil_rights_activist": 15197, + "civilian_clothing, civilian_dress, civilian_garb, plain_clothes": 5647, + "clabber": 13537, + "clack_valve, clack, clapper_valve": 5648, + "cladode, cladophyll, phylloclad, phylloclade": 21354, + "clam": 1789, + "clam_chowder": 12402, + "clam_dip": 12368, + "clambake": 12339, + "clammy_locust, Robinia_viscosa": 19890, + "clammyweed, Polanisia_graveolens, Polanisia_dodecandra": 18002, + "clamp, clinch": 5649, + "clamshell, grapple": 5650, + "clansman, clanswoman, clan_member": 16130, + "clapper, tongue": 5651, + "clapperboard": 5652, + "clarence": 5653, + "claret": 12021, + "claret, red_Bordeaux": 13821, + "claret_cup": 14053, + "clarified_butter, drawn_butter": 13527, + "clarinet": 5654, + "clary, Salvia_sclarea": 20717, + "clary_sage": 13342, + "clary_sage, Salvia_clarea": 20712, + "clasp": 5656, + "clasp, clench, clutch, clutches, grasp, grip, hold": 174, + "clasp_knife, jackknife": 5657, + "class, form, grade, course": 14107, + "class_act": 16173, + "classroom, schoolroom": 5658, + "clavichord": 5659, + "clavier, Klavier": 5660, + "clay-colored_robin, Turdus_greyi": 642, + "clay_pigeon": 5661, + "claymore": 5663, + "claymore_mine, claymore": 5662, + "clean_room, white_room": 5667, + "cleaner": 15198, + "cleaners, dry_cleaners": 5664, + "cleaning_implement, cleaning_device, cleaning_equipment": 5665, + "cleaning_pad": 5666, + "clear_liquid_diet": 12266, + "clearway": 5668, + "cleat": 5670, + "cleats": 5671, + "cleaver, meat_cleaver, chopper": 5672, + "cleavers, clivers, goose_grass, catchweed, spring_cleavers, Galium_aparine": 20176, + "cleft": 21740, + "clematis": 17668, + "clementine": 13049, + "clementine, clementine_tree": 20289, + "clerestory, clearstory": 5673, + "clergyman, reverend, man_of_the_cloth": 15199, + "cleric, churchman, divine, ecclesiastic": 15200, + "clerid_beetle, clerid": 2553, + "clerk": 15201, + "clever_Dick, clever_clogs": 15202, + "clevis": 5674, + "clews": 5675, + "click_beetle, skipjack, snapping_beetle": 2572, + "cliff, drop, drop-off": 14256, + "cliff_brake, cliff-brake, rock_brake": 21564, + "cliff_diving": 37, + "cliff_dwelling": 5676, + "cliff_swallow, Hirundo_pyrrhonota": 776, + "climatologist": 15203, + "climber": 15204, + "climbing_bird's_nest_fern, Microsorium_punctatum": 21475, + "climbing_corydalis, Corydalis_claviculata, Fumaria_claviculata": 18098, + "climbing_fern": 20962, + "climbing_frame": 5677, + "climbing_fumitory, Allegheny_vine, Adlumia_fungosa, Fumaria_fungosa": 18109, + "climbing_hempweed, climbing_boneset, wild_climbing_hempweed, climbing_hemp-vine, Mikania_scandens": 18375, + "climbing_maidenhair, climbing_maidenhair_fern, snake_fern, Lygodium_microphyllum": 20964, + "climbing_onion, Bowiea_volubilis": 19595, + "climbing_perch, Anabas_testudineus, A._testudineus": 3813, + "climbing_salamander": 923, + "clinch": 5678, + "clinch, clench": 5679, + "clincher": 5680, + "cling, clingstone": 12992, + "cling_film, clingfilm, Saran_Wrap": 10048, + "clingfish": 4053, + "clinic": 5681, + "clinical_thermometer, mercury-in-glass_clinical_thermometer": 5682, + "clinician": 15205, + "clinid, clinid_fish": 3994, + "clinker, clinker_brick": 5683, + "clinometer, inclinometer": 5684, + "clintonia, Clinton's_lily": 19667, + "clip": 5685, + "clip-on": 5687, + "clip_lead": 5686, + "clipper": 5689, + "clipper, clipper_ship": 5690, + "cloak": 5692, + "cloakroom, coatroom": 5693, + "cloche": 5695, + "clock": 5696, + "clock_pendulum": 5697, + "clock_radio": 5698, + "clock_tower": 5699, + "clockwork": 5700, + "clog, geta, patten, sabot": 5701, + "clog_dancer": 15346, + "cloisonne": 5702, + "cloister": 5703, + "closed-circuit_television": 5705, + "closed_circuit, loop": 5704, + "closed_curve": 21656, + "closed_gentian, blind_gentian, Gentiana_clausa": 19197, + "closed_gentian, blind_gentian, bottle_gentian, Gentiana_andrewsii": 19195, + "closed_loop, closed-loop_system": 5706, + "closer, finisher": 15206, + "closet": 5707, + "closet_queen": 15207, + "closeup_lens": 5708, + "clostridium_perfringens": 267, + "cloth_cap, flat_cap": 5709, + "cloth_covering": 5710, + "clothes_closet, clothespress": 5712, + "clothes_dryer, clothes_drier": 5713, + "clothes_hamper, laundry_basket, clothes_basket, voider": 5714, + "clothes_moth": 2923, + "clothes_tree, coat_tree, coat_stand": 5717, + "clothesbrush": 5711, + "clotheshorse": 5715, + "clothespin, clothes_pin, clothes_peg": 5716, + "clothing, article_of_clothing, vesture, wear, wearable, habiliment": 5718, + "clothing_store, haberdashery, haberdashery_store, mens_store": 5719, + "clotted_cream, Devonshire_cream": 13519, + "cloud": 14257, + "cloud_grass, Agrostis_nebulosa": 18679, + "clout_nail, clout": 5720, + "clove": 19336, + "clove, clove_tree, Syzygium_aromaticum, Eugenia_aromaticum, Eugenia_caryophyllatum": 19335, + "clove, garlic_clove": 13327, + "clove_hitch": 5721, + "clover, trefoil": 17719, + "clover-leaf_roll": 12746, + "clover_fern, pepperwort": 20966, + "clown, buffoon": 15209, + "clown, buffoon, goof, goofball, merry_andrew": 15208, + "clown_anemone_fish, Amphiprion_percula": 3975, + "club_car, lounge_car": 5722, + "club_fungus": 21025, + "club_moss, club-moss, lycopod": 21585, + "club_sandwich, three-decker, triple-decker": 12775, + "clubroom": 5723, + "clubroot_fungus, Plasmodiophora_brassicae": 21018, + "clumber, clumber_spaniel": 2276, + "clupeid_fish, clupeid": 3741, + "clusia": 19396, + "cluster_bomb": 5724, + "clustered_bellflower, Campanula_glomerata": 18491, + "clustered_lady's_slipper, Cypripedium_fasciculatum": 18538, + "clustered_poppy_mallow, Callirhoe_triangulata": 18877, + "clutch": 5725, + "clutch, clutch_pedal": 5726, + "clutch_bag, clutch": 5727, + "co-beneficiary": 15219, + "co-star": 15293, + "coach, four-in-hand, coach-and-four": 5728, + "coach, manager, handler": 15211, + "coach, private_instructor, tutor": 15210, + "coach_horse": 3271, + "coach_house, carriage_house, remise": 5729, + "coachman": 15213, + "coachwhip, coachwhip_snake, Masticophis_flagellum": 1156, + "coal_black, ebony, jet_black, pitch_black, sable, soot_black": 12011, + "coal_car": 5730, + "coal_chute": 5731, + "coal_house": 5732, + "coal_miner, collier, pitman": 15214, + "coal_seam": 14193, + "coal_shovel": 5733, + "coalface": 14194, + "coaming": 5734, + "coast": 14258, + "coast_boykinia, Boykinia_elata, Boykinia_occidentalis": 20531, + "coast_lily, Lilium_maritinum": 19552, + "coast_live_oak, California_live_oak, Quercus_agrifolia": 19106, + "coast_rhododendron, Rhododendron_californicum": 19032, + "coastal_diving_bird": 2027, + "coastal_rein_orchid, Habenaria_greenei": 18563, + "coaster_brake": 5735, + "coastguardsman": 15215, + "coastland": 14259, + "coat": 5736, + "coat_button": 5737, + "coat_closet": 5738, + "coat_hanger, clothes_hanger, dress_hanger": 5741, + "coat_of_paint": 5744, + "coatdress": 5739, + "coatee": 5740, + "coati, coati-mondi, coati-mundi, coon_cat, Nasua_narica": 3688, + "coating": 5743, + "coating, coat": 5742, + "coatrack, coat_rack, hatrack": 5745, + "coattail": 5746, + "coaxial_cable, coax, coax_cable": 5747, + "cob": 3259, + "cobber": 15216, + "cobbler": 13939, + "cobbler, shoemaker": 15217, + "cobia, Rachycentron_canadum, sergeant_fish": 3868, + "cobnut, filbert, Corylus_avellana, Corylus_avellana_grandis": 19183, + "cobra": 1215, + "cobweb": 5749, + "coccid_insect": 2784, + "coccidium, eimeria": 345, + "cochin, cochin_china": 1319, + "cochineal_insect, cochineal, Dactylopius_coccus": 2790, + "cock": 514, + "cock's_eggs, Salpichroa_organifolia, Salpichroa_rhomboidea": 20842, + "cock, rooster": 1327, + "cock-a-leekie, cocky-leeky": 12385, + "cock_of_the_rock, Rupicola_peruviana": 619, + "cock_of_the_rock, Rupicola_rupicola": 618, + "cockateel, cockatiel, cockatoo_parrot, Nymphicus_hollandicus": 1434, + "cockatoo": 1431, + "cockchafer, May_bug, May_beetle, Melolontha_melolontha": 2567, + "cocked_hat": 5751, + "cocker_spaniel, English_cocker_spaniel, cocker": 2281, + "cockerel": 1328, + "cockfighting": 90, + "cockhorse": 5752, + "cockle": 1798, + "cocklebur, cockle-bur, cockleburr, cockle-burr": 18476, + "cockleshell": 5753, + "cockpit": 5756, + "cockroach, roach": 2741, + "cockscomb, common_cockscomb, Celosia_cristata, Celosia_argentea_cristata": 17900, + "cockscomb, coxcomb": 5757, + "cockspur, Pisonia_aculeata": 17944, + "cockspur_thorn, cockspur_hawthorn, Crataegus_crus-galli": 20038, + "cocktail": 13931, + "cocktail_dress, sheath": 5758, + "cocktail_lounge": 5759, + "cocktail_sauce, seafood_sauce": 13446, + "cocktail_shaker": 5760, + "coco_plum, coco_plum_tree, cocoa_plum, icaco, Chrysobalanus_icaco": 20031, + "cocoa": 13096, + "cocoa, chocolate, hot_chocolate, drinking_chocolate": 14000, + "cocoa_plum, coco_plum, icaco": 13117, + "cocobolo, Dalbergia_retusa": 19783, + "coconut, cocoanut": 13207, + "coconut, coconut_palm, coco_palm, coco, cocoa_palm, coconut_tree, Cocos_nucifera": 19945, + "coconut_milk, coconut_cream": 13473, + "coconut_milk, coconut_water": 13208, + "cocotte": 5761, + "cocozelle": 12845, + "cocozelle, Italian_vegetable_marrow": 18832, + "cod, codfish": 3720, + "codfish_ball, codfish_cake": 13646, + "codger, old_codger": 15218, + "codling": 3721, + "codling_moth, codlin_moth, Carpocapsa_pomonella": 2901, + "codpiece": 5762, + "coelacanth, Latimeria_chalumnae": 3704, + "coelenterate, cnidarian": 1677, + "coelogyne": 18523, + "coelophysis": 1120, + "coelostat": 5763, + "coffee, coffee_tree": 20162, + "coffee, java": 14044, + "coffee_bean, coffee_berry, coffee": 14043, + "coffee_break, tea_break": 12345, + "coffee_can": 5764, + "coffee_cup": 5765, + "coffee_fern, Pellaea_andromedifolia": 21565, + "coffee_filter": 5766, + "coffee_fungus, Pellicularia_koleroga": 21099, + "coffee_liqueur": 13912, + "coffee_maker": 5767, + "coffee_mill, coffee_grinder": 5768, + "coffee_mug": 5769, + "coffee_senna, mogdad_coffee, styptic_weed, stinking_weed, Senna_occidentalis, Cassia_occidentalis": 19731, + "coffee_stall": 5771, + "coffee_substitute": 12946, + "coffee_table, cocktail_table": 5772, + "coffee_urn": 5773, + "coffeeberry, California_buckthorn, California_coffee, Rhamnus_californicus": 21401, + "coffeepot": 5770, + "coffer": 5774, + "coffin, casket": 5776, + "cog": 15220, + "cog, sprocket": 5777, + "cognitive_neuroscientist": 15221, + "coho, cohoe, coho_salmon, blue_jack, silver_salmon, Oncorhynchus_kisutch": 3769, + "cohune_nut": 19963, + "cohune_palm, Orbignya_cohune, cohune": 19962, + "coif": 5778, + "coiffeur": 15222, + "coil": 5781, + "coil, spiral, volute, whorl, helix": 5779, + "coil_spring, volute_spring": 5782, + "coin_box": 5783, + "coiner": 15223, + "col, gap": 14260, + "cola, dope": 14032, + "cola_extract": 13211, + "colander, cullender": 5784, + "cold_cathode": 5785, + "cold_chisel, set_chisel": 5786, + "cold_cream, coldcream, face_cream, vanishing_cream": 5787, + "cold_duck": 13810, + "cold_frame": 5788, + "coleslaw, slaw": 13277, + "coleus, flame_nettle": 20654, + "colicroot, colic_root, crow_corn, star_grass, unicorn_root": 19558, + "coliphage": 246, + "collaborator, cooperator, partner, pardner": 15224, + "collar": 5790, + "collar, neckband": 5789, + "collard": 18027, + "collards, collard_greens": 12829, + "collared_lizard": 1036, + "collared_peccary, javelina, Tayassu_angulatus, Tayassu_tajacu, Peccari_angulatus": 3322, + "collared_pika, Ochotona_collaris": 3045, + "collect_call": 12189, + "collection, aggregation, accumulation, assemblage": 14102, + "collector": 14261, + "colleen": 15225, + "college": 5791, + "college_student, university_student": 15226, + "collegian, college_man, college_boy": 15227, + "collembolan, springtail": 2530, + "collet, collet_chuck": 5792, + "collider": 5793, + "collie": 2302, + "colliery, pit": 5794, + "collimator": 5796, + "collins, Tom_Collins": 13940, + "colobus, colobus_monkey": 3634, + "cologne, cologne_water, eau_de_cologne": 5797, + "colonial": 15228, + "colonialist": 15229, + "colonizer, coloniser": 15230, + "colonnade": 5798, + "colonoscope": 5799, + "color-blind_person": 14465, + "color_guard": 15232, + "color_television, colour_television, color_television_system, colour_television_system, color_TV, colour_TV": 5802, + "color_tube, colour_tube, color_television_tube, colour_television_tube, color_TV_tube, colour_TV_tube": 5803, + "color_wash, colour_wash": 5804, + "coloratura, coloratura_soprano": 15231, + "colorimeter, tintometer": 5800, + "coloring, colouring, food_coloring, food_colouring, food_color, food_colour": 12294, + "colorlessness, colourlessness, achromatism, achromaticity": 12005, + "colors, colours": 5801, + "colossus, behemoth, giant, heavyweight, titan": 15233, + "colostrum, foremilk": 12111, + "colour_supplement": 12228, + "colt": 3202, + "colter, coulter": 5806, + "coltsfoot, Tussilago_farfara": 18466, + "colubrid_snake, colubrid": 1141, + "columbarium": 5807, + "columbarium, cinerarium": 5808, + "columbian_mammoth, Mammuthus_columbi": 3677, + "columbiform_bird": 1400, + "columbine, aquilegia, aquilege": 17660, + "columbo, American_columbo, deer's-ear, deer's-ears, pyramid_plant, American_gentian": 19192, + "column, pillar": 5810, + "column, tower, pillar": 21722, + "columnar_cell, columnar_epithelial_cell": 12079, + "columnea": 20616, + "comb": 5812, + "comb-footed_spider, theridiid": 1270, + "comber": 5813, + "combination_lock": 5814, + "combination_plane": 5815, + "combination_salad": 13266, + "combine": 5816, + "combretum": 19279, + "comedian": 15234, + "comedienne": 15235, + "comer": 15236, + "comestible, edible, eatable, pabulum, victual, victuals": 12251, + "comet": 14262, + "comfit": 12497, + "comfort_food": 12250, + "comforter, pacifier, baby's_dummy, teething_ring": 5817, + "comfrey, cumfrey": 20594, + "comfrey, healing_herb": 13318, + "comic_book": 12229, + "comma, comma_butterfly, Polygonia_comma": 2875, + "command_module": 5818, + "commander": 15237, + "commander_in_chief, generalissimo": 15238, + "commanding_officer, commandant, commander": 15239, + "commelina": 19997, + "commensal": 300, + "commissar, political_commissar": 15240, + "commissariat, provisions, provender, viands, victuals": 12314, + "commissary": 5820, + "commissioned_military_officer": 15242, + "commissioned_officer": 15241, + "commissioner": 15244, + "committee_member": 15245, + "committeewoman": 15246, + "commodity, trade_good, good": 5821, + "commodore": 15247, + "common_American_shad, Alosa_sapidissima": 3745, + "common_European_dogwood, red_dogwood, blood-twig, pedwood, Cornus_sanguinea": 20941, + "common_European_earwig, Forficula_auricularia": 2860, + "common_European_jay, Garullus_garullus": 725, + "common_St_John's_wort, tutsan, Hypericum_androsaemum": 19403, + "common_ageratum, Ageratum_houstonianum": 18121, + "common_alder, European_black_alder, Alnus_glutinosa, Alnus_vulgaris": 19166, + "common_allamanda, golden_trumpet, Allamanda_cathartica": 17764, + "common_amsinckia, Amsinckia_intermedia": 20576, + "common_apricot, Prunus_armeniaca": 20082, + "common_ax, common_axe, Dayton_ax, Dayton_axe": 5822, + "common_bamboo, Bambusa_vulgaris": 18800, + "common_barberry, European_barberry, Berberis_vulgaris": 17584, + "common_bean": 12915, + "common_beech, European_beech, Fagus_sylvatica": 19076, + "common_booklouse, Trogium_pulsatorium": 2826, + "common_brant_goose, Branta_bernicla": 1563, + "common_broom, Scotch_broom, green_broom, Cytisus_scoparius": 19777, + "common_calamint, Calamintha_sylvatica, Satureja_calamintha_officinalis": 20649, + "common_camas, Camassia_quamash": 19608, + "common_canary, Serinus_canaria": 559, + "common_caper, Capparis_spinosa": 17999, + "common_carline_thistle, Carlina_vulgaris": 18224, + "common_chickweed, Stellaria_media": 17886, + "common_comfrey, boneset, Symphytum_officinale": 20595, + "common_corn_salad, lamb's_lettuce, Valerianella_olitoria, Valerianella_locusta": 20948, + "common_cotton_grass, Eriophorum_angustifolium": 18809, + "common_daisy, English_daisy, Bellis_perennis": 18206, + "common_dandelion, Taraxacum_ruderalia, Taraxacum_officinale": 18455, + "common_dolphin, Delphinus_delphis": 2120, + "common_duckweed, lesser_duckweed, Lemna_minor": 17821, + "common_eel, freshwater_eel": 3735, + "common_eland, Taurotragus_oryx": 3452, + "common_evening_primrose, German_rampion, Oenothera_biennis": 19348, + "common_fennel, Foeniculum_vulgare": 20917, + "common_flat_pea, native_holly, Playlobium_obtusangulum": 19877, + "common_four-o'clock, marvel-of-Peru, Mirabilis_jalapa, Mirabilis_uniflora": 17939, + "common_foxglove, fairy_bell, fingerflower, finger-flower, fingerroot, finger-root, Digitalis_purpurea": 20764, + "common_garter_snake, Thamnophis_sirtalis": 1172, + "common_ginger, Canton_ginger, stem_ginger, Zingiber_officinale": 19371, + "common_grape_hyacinth, Muscari_neglectum": 19641, + "common_gum_cistus, Cistus_ladanifer, Cistus_ladanum": 19421, + "common_heath, Epacris_impressa": 19060, + "common_heath, blunt-leaf_heath, Epacris_obtusifolia": 19061, + "common_horehound, white_horehound, Marrubium_vulgare": 20681, + "common_horsetail, field_horsetail, Equisetum_arvense": 21579, + "common_hyacinth, Hyacinthus_orientalis": 19635, + "common_iguana, iguana, Iguana_iguana": 1029, + "common_jasmine, true_jasmine, jessamine, Jasminum_officinale": 19239, + "common_kingsnake, Lampropeltis_getulus": 1169, + "common_lady's-slipper, showy_lady's-slipper, showy_lady_slipper, Cypripedium_reginae, Cypripedium_album": 18533, + "common_lilac, Syringa_vulgaris": 19252, + "common_limpet, Patella_vulgata": 1774, + "common_louse, Pediculus_humanus": 2598, + "common_lynx, Lynx_lynx": 2422, + "common_mackerel, shiner, Scomber_scombrus": 4019, + "common_maidenhair, Venushair, Venus'-hair_fern, southern_maidenhair, Venus_maidenhair, Adiantum_capillus-veneris": 21549, + "common_mallow, Malva_neglecta": 18864, + "common_marigold, pot_marigold, ruddles, Scotch_marigold, Calendula_officinalis": 18217, + "common_matrimony_vine, Duke_of_Argyll's_tea_tree, Lycium_barbarum, Lycium_halimifolium": 20822, + "common_milkwort, gand_flower, Polygala_vulgaris": 20278, + "common_moonseed, Canada_moonseed, yellow_parilla, Menispermum_canadense": 17623, + "common_morel, Morchella_esculenta, sponge_mushroom, sponge_morel": 21146, + "common_mosquito, Culex_pipiens": 2645, + "common_mugwort, Artemisia_vulgaris": 18160, + "common_mullein, great_mullein, Aaron's_rod, flannel_mullein, woolly_mullein, torch, Verbascum_thapsus": 20786, + "common_murre, Uria_aalge": 2051, + "common_myrtle, Myrtus_communis": 19296, + "common_newt, Triturus_vulgaris": 900, + "common_nutcracker, Nucifraga_caryocatactes": 731, + "common_oak, English_oak, pedunculate_oak, Quercus_robur": 19142, + "common_opossum, Didelphis_virginiana, Didelphis_marsupialis": 1592, + "common_osier, hemp_willow, velvet_osier, Salix_viminalis": 20355, + "common_pitcher_plant, huntsman's_cup, huntsman's_cups, Sarracenia_purpurea": 20495, + "common_plum, Prunus_domestica": 20074, + "common_polypody, adder's_fern, wall_fern, golden_maidenhair, golden_polypody, sweet_fern, Polypodium_vulgare": 21469, + "common_pond-skater, Gerris_lacustris": 2771, + "common_privet, Ligustrum_vulgare": 19244, + "common_purslane, pussley, pussly, verdolagas, Portulaca_oleracea": 17980, + "common_raccoon, common_racoon, coon, ringtail, Procyon_lotor": 3684, + "common_ragweed, Ambrosia_artemisiifolia": 18124, + "common_room": 5823, + "common_roundworm, Ascaris_lumbricoides": 1730, + "common_sage, ramona, Salvia_officinalis": 20715, + "common_scoter, Melanitta_nigra": 1547, + "common_shiner, silversides, Notropis_cornutus": 363, + "common_shrew, Sorex_araneus": 1644, + "common_sickle_pine, Falcatifolium_falciforme": 17495, + "common_snapping_turtle, snapper, Chelydra_serpentina": 1001, + "common_speedwell, gypsyweed, Veronica_officinalis": 20794, + "common_spoonbill, Platalea_leucorodia": 1911, + "common_spotted_orchid, Dactylorhiza_fuchsii, Dactylorhiza_maculata_fuchsii": 18541, + "common_staghorn_fern, elkhorn_fern, Platycerium_bifurcatum, Platycerium_alcicorne": 21479, + "common_starling, Sturnus_vulgaris": 711, + "common_stinkhorn, Phallus_impudicus": 21172, + "common_sunflower, mirasol, Helianthus_annuus": 18327, + "common_teasel, Dipsacus_fullonum": 20216, + "common_thyme, Thymus_vulgaris": 20733, + "common_tobacco, Nicotiana_tabacum": 20829, + "common_unicorn_plant, devil's_claw, common_devil's_claw, elephant-tusk, proboscis_flower, ram's_horn, Proboscidea_louisianica": 20742, + "common_valerian, garden_heliotrope, Valeriana_officinalis": 20947, + "common_vetchling, meadow_pea, yellow_vetchling, Lathyrus_pratensis": 19822, + "common_wallaby, Macropus_agiles": 1600, + "common_wasp, Vespula_vulgaris": 2682, + "common_water_snake, banded_water_snake, Natrix_sipedon, Nerodia_sipedon": 1179, + "common_white_dogwood, eastern_flowering_dogwood, Cornus_florida": 20937, + "common_winterberry_holly": 20435, + "common_wolffia, Wolffia_columbiana": 17825, + "common_wood_sorrel, cuckoo_bread, shamrock, Oxalis_acetosella": 20265, + "common_yellowthroat, Maryland_yellowthroat, Geothlypis_trichas": 689, + "common_yellowwood, bastard_yellowwood, Afrocarpus_falcata": 17491, + "common_zebra, Burchell's_zebra, Equus_Burchelli": 3297, + "commoner, common_man, common_person": 14466, + "communicant": 15248, + "communication_system": 5825, + "communications_satellite": 5824, + "communist, commie": 15249, + "community_center, civic_center": 5826, + "commutator": 5827, + "commuter": 15251, + "commuter, commuter_train": 5828, + "compact, compact_car": 5830, + "compact, powder_compact": 5829, + "compact-disk_burner, CD_burner": 5832, + "compact_disk, compact_disc, CD": 5831, + "companion": 14796, + "companionway": 5833, + "compartment": 5835, + "compass": 5837, + "compass_card, mariner's_compass": 5838, + "compass_plant, compass_flower": 18114, + "compass_saw": 5839, + "compere": 15252, + "complementary_color, complementary": 12062, + "complexifier": 15253, + "complexion, skin_color, skin_colour": 12064, + "composite, composite_plant": 18113, + "compote, fruit_compote": 12545, + "compound": 5840, + "compound_lens": 5841, + "compound_lever": 5842, + "compound_microscope": 5843, + "compress": 5844, + "compression_bandage, tourniquet": 5845, + "compressor": 5846, + "compromiser": 15301, + "compulsive": 15254, + "computational_linguist": 15255, + "computer, computing_machine, computing_device, data_processor, electronic_computer, information_processing_system": 5847, + "computer_circuit": 5848, + "computer_keyboard, keypad": 5850, + "computer_monitor": 5851, + "computer_network": 5852, + "computer_scientist": 15256, + "computer_screen, computer_display": 5853, + "computer_store": 5854, + "computer_system, computing_system, automatic_data_processing_system, ADP_system, ADPS": 5855, + "computer_user": 15257, + "computerized_axial_tomography_scanner, CAT_scanner": 5849, + "conacaste, elephant's_ear, Enterolobium_cyclocarpa": 17744, + "concave_polygon": 21653, + "concave_polyhedron": 21699, + "concave_shape, concavity, incurvation, incurvature": 21647, + "concentrate": 12295, + "concentration_camp, stockade": 5856, + "concept_album": 12224, + "concert": 12244, + "concert-goer, music_lover": 15259, + "concert_band, military_band": 14109, + "concert_grand, concert_piano": 5857, + "concert_hall": 5858, + "concertina": 5860, + "conch": 1757, + "conciliator, make-peace, pacifier, peacemaker, reconciler": 15260, + "concoction, mixture, intermixture": 13757, + "concrete": 21782, + "concrete_mixer, cement_mixer": 5861, + "condensation_pump, diffusion_pump": 5862, + "condensed_milk": 13512, + "condenser": 5865, + "condenser, optical_condenser": 5863, + "condenser_microphone, capacitor_microphone": 5866, + "condiment": 13284, + "condominium": 5867, + "condominium, condo": 5868, + "condor": 868, + "conductor": 15261, + "cone, conoid, cone_shape": 21665, + "cone_clutch, cone_friction_clutch": 5870, + "cone_pepper, Capsicum_annuum_conoides": 20811, + "coneflower": 18403, + "conenose, cone-nosed_bug, conenose_bug, big_bedbug, kissing_bug": 2773, + "confectioner, candymaker": 15262, + "confectionery": 12464, + "confectionery, confectionary, candy_store": 5871, + "conference_center, conference_house": 5872, + "conference_room": 5873, + "conference_table, council_table, council_board": 5874, + "confessional": 5875, + "confessor": 15264, + "confidant, intimate": 15265, + "confiture": 12465, + "conformal_projection, orthomorphic_projection": 5876, + "conformation": 21717, + "congee, jook": 12791, + "conger, conger_eel": 3738, + "congou, congo, congou_tea, English_breakfast_tea": 14076, + "congress_boot, congress_shoe, congress_gaiter": 5877, + "conic_projection, conical_projection": 5878, + "conidium, conidiospore": 17322, + "conifer, coniferous_tree": 21321, + "connecting_rod": 5879, + "connecting_room": 5880, + "connection, connexion, connector, connecter, connective": 5881, + "conning_tower": 5883, + "conodont": 438, + "conqueror, vanquisher": 15268, + "conservator": 14467, + "conservatory, conservatoire": 5885, + "conservatory, hothouse, indoor_garden": 5884, + "conserve, preserve, conserves, preserves": 12629, + "consignee": 15272, + "consigner, consignor": 15273, + "console": 5887, + "console_table, console": 5888, + "consomme": 12373, + "constable": 15274, + "constrictor": 1195, + "constructivist": 15275, + "consulate": 5889, + "contact, contact_lens": 5891, + "contact, tangency": 5890, + "contact_sport": 16, + "contadino": 14469, + "container": 5892, + "container_ship, containership, container_vessel": 5893, + "containment": 5894, + "contestant": 14470, + "continental_breakfast, petit_dejeuner": 12327, + "continental_divide": 14210, + "continental_glacier": 14263, + "contour_feather": 1659, + "contrabassoon, contrafagotto, double_bassoon": 5895, + "contractor": 15276, + "contralto": 15277, + "contrarian": 14468, + "contributor": 15278, + "control, controller": 5896, + "control_center": 5897, + "control_circuit, negative_feedback_circuit": 5898, + "control_freak": 15279, + "control_key, command_key": 5899, + "control_panel, instrument_panel, control_board, board, panel": 5900, + "control_rod": 5901, + "control_room": 5902, + "control_system": 5903, + "control_tower": 5904, + "convalescent": 15280, + "convector": 5905, + "convener": 15281, + "convenience_store": 5906, + "convent": 5907, + "conventicle, meetinghouse": 5908, + "converging_lens, convex_lens": 5909, + "converter, convertor": 5910, + "convertible": 5911, + "convertible, sofa_bed": 5912, + "convex_polygon": 21652, + "convex_polyhedron": 21698, + "convex_shape, convexity": 21646, + "conveyance, transport": 5913, + "conveyer_belt, conveyor_belt, conveyer, conveyor, transporter": 5914, + "convict, con, inmate, yard_bird, yardbird": 15282, + "convolvulus": 20596, + "cooker": 5915, + "cookfire": 5916, + "cookhouse": 5917, + "cookie_cutter": 5918, + "cookie_jar, cooky_jar": 5919, + "cookie_sheet, baking_tray": 5920, + "cooking_apple": 13015, + "cooking_utensil, cookware": 5921, + "cookout": 12337, + "cookstove": 5922, + "coolant_system": 5923, + "cooler": 13941, + "cooler, ice_chest": 5924, + "cooling_system, cooling": 5925, + "cooling_system, engine_cooling_system": 5926, + "cooling_tower": 5927, + "coondog": 2196, + "coonhound": 2195, + "coonskin_cap, coonskin": 5928, + "coontie, Florida_arrowroot, Seminole_bread, Zamia_pumila": 17343, + "coordinate_axis": 12160, + "coot": 1950, + "cooter, river_cooter, Pseudemys_concinna": 1009, + "cope": 5929, + "copepod, copepod_crustacean": 1888, + "copilot, co-pilot": 15283, + "coping_saw": 5930, + "copper": 2891, + "copper, copper_color": 12057, + "copper_beech, purple_beech, Fagus_sylvatica_atropunicea, Fagus_purpurea, Fagus_sylvatica_purpurea": 19077, + "copper_rockfish, Sebastodes_caurinus": 4076, + "copperhead, Agkistrodon_contortrix": 1238, + "copperhead, Denisonia_superba": 1214, + "copperware": 5931, + "copycat, imitator, emulator, ape, aper": 15284, + "copyholder": 5932, + "coq_au_vin": 13618, + "coquilla_nut": 19937, + "coquille": 13647, + "coquilles_Saint-Jacques": 13648, + "coraciiform_bird": 1453, + "coracle": 5934, + "coral": 1695, + "coral-root_bittercress, coralroot, coralwort, Cardamine_bulbifera, Dentaria_bulbifera": 18040, + "coral_bean_tree, Erythrina_corallodendrum": 19794, + "coral_drops, Bessera_elegans": 19593, + "coral_fungus": 21026, + "coral_necklace, Illecebrum_verticullatum": 17867, + "coral_reef": 14264, + "coral_root": 18524, + "coral_snake, Old_World_coral_snake": 1211, + "coral_snake, harlequin-snake, New_World_coral_snake": 1208, + "coral_tree, erythrina": 19792, + "coralbells, Heuchera_sanguinea": 20536, + "coralberry, Indian_currant, Symphoricarpos_orbiculatus": 20203, + "coralberry, spiceberry, Ardisia_crenata": 18657, + "coralwood, coral-wood, red_sandalwood, Barbados_pride, peacock_flower_fence, Adenanthera_pavonina": 17738, + "corbel, truss": 5935, + "corbel_arch": 5936, + "corbel_step, corbie-step, corbiestep, crow_step": 5937, + "corbie_gable": 5938, + "corbina, Menticirrhus_undulatus": 3946, + "corchorus": 18951, + "cord, corduroy": 5939, + "cord, electric_cord": 5940, + "cordage": 21635, + "cordgrass, cord_grass": 18775, + "cords, corduroys": 5942, + "core": 5943, + "core, nucleus, core_group": 14108, + "core_bit": 5944, + "core_drill": 5945, + "coreid_bug, coreid": 2759, + "coreligionist": 15285, + "coreopsis, tickseed, tickweed, tick-weed": 18261, + "corer": 5946, + "corgi, Welsh_corgi": 2347, + "coriander, Chinese_parsley, cilantro": 13319, + "coriander, coriander_seed": 13320, + "cork, bottle_cork": 5947, + "cork_oak, Quercus_suber": 19146, + "cork_tree, Erythrina_vespertilio": 19798, + "cork_tree, Phellodendron_amurense": 20303, + "corker": 5948, + "corkscrew, bottle_screw": 5949, + "corkwood, corkwood_tree, Leitneria_floridana": 17703, + "cormorant, Phalacrocorax_carbo": 2074, + "cormous_plant": 21373, + "corn": 18792, + "corn, edible_corn": 12951, + "corn, maize, Indian_corn, Zea_mays": 18790, + "corn_borer, European_corn_borer_moth, corn_borer_moth, Pyrausta_nubilalis": 2916, + "corn_borer, Pyrausta_nubilalis": 2986, + "corn_cake": 12716, + "corn_chamomile, field_chamomile, corn_mayweed, Anthemis_arvensis": 18138, + "corn_chip": 12820, + "corn_chowder": 12401, + "corn_cockle, corn_campion, crown-of-the-field, Agrostemma_githago": 17845, + "corn_dab, corn_dodger, dodger": 12721, + "corn_earworm, cotton_bollworm, tomato_fruitworm, tobacco_budworm, vetchworm, Heliothis_zia": 2989, + "corn_gluten_feed": 12312, + "corn_lily": 19531, + "corn_marigold, field_marigold, Chrysanthemum_segetum": 18240, + "corn_mint, field_mint, Mentha_arvensis": 20683, + "corn_muffin": 12734, + "corn_poppy, field_poppy, Flanders_poppy, Papaver_rhoeas": 18091, + "corn_pudding": 12593, + "corn_snake, red_rat_snake, Elaphe_guttata": 1160, + "corn_speedwell, Veronica_arvensis": 20790, + "corn_spurry, corn_spurrey, Spergula_arvensis": 17883, + "corn_sugar": 12460, + "corn_syrup": 13611, + "corn_whiskey, corn_whisky, corn": 13899, + "cornbread": 12715, + "corncrake, land_rail, Crex_crex": 1941, + "corncrib": 5950, + "corned_beef_hash": 13673, + "cornelian_cherry, Cornus_mas": 20943, + "corner, nook": 5952, + "corner, quoin": 5951, + "corner_post": 5953, + "cornerback": 15286, + "cornet, horn, trumpet, trump": 5954, + "cornetfish": 398, + "cornflower, bachelor's_button, bluebottle, Centaurea_cyanus": 18231, + "cornhusk": 21393, + "cornice": 5956, + "cornice, valance, valance_board, pelmet": 5957, + "cornmeal, Indian_meal": 12299, + "cornpone, pone": 12720, + "cornsmut, corn_smut": 21234, + "cornstalk, corn_stalk": 17534, + "corolla": 17567, + "coronet": 3564, + "corozo, corozo_palm": 19948, + "corporatist": 15287, + "correctional_institution": 5958, + "correspondent, letter_writer": 15288, + "corrugated_fastener, wiggle_nail": 5959, + "corselet, corslet": 5960, + "corset, girdle, stays": 5961, + "corvine_bird": 716, + "corydalis": 18097, + "cos, cos_lettuce, romaine, romaine_lettuce": 12898, + "cos_lettuce, romaine_lettuce, Lactuca_sativa_longifolia": 18350, + "coscoroba": 1566, + "cosigner, cosignatory": 14471, + "cosmetic": 5962, + "cosmetician": 15289, + "cosmographer, cosmographist": 14921, + "cosmopolitan, cosmopolite": 15290, + "cosmos, cosmea": 18265, + "cosmotron": 5963, + "cost_accountant": 15292, + "costia, Costia_necatrix": 338, + "costmary": 13321, + "costume": 5967, + "costumier, costumer, costume_designer": 15294, + "cosy, tea_cosy, cozy, tea_cozy": 5968, + "cot, camp_bed": 5969, + "cotinga, chatterer": 617, + "cotoneaster": 20032, + "cottage_cheese, pot_cheese, farm_cheese, farmer's_cheese": 13544, + "cottage_pie": 13650, + "cottage_pink, grass_pink, Dianthus_plumarius": 17863, + "cottage_tent": 5970, + "cottage_tulip": 19631, + "cotter, cottar": 15296, + "cotter, cottier": 15295, + "cotter_pin": 5972, + "cotton": 5973, + "cotton_candy, spun_sugar, candyfloss": 12498, + "cotton_flannel, Canton_flannel": 5974, + "cotton_grass, cotton_rush": 18808, + "cotton_mill": 5975, + "cotton_mouse, Peromyscus_gossypinus": 3071, + "cotton_rat, Sigmodon_hispidus": 3076, + "cotton_rose, Confederate_rose, Confederate_rose_mallow, Hibiscus_mutabilis": 18886, + "cotton_rose, cudweed, filago": 18301, + "cotton_stainer": 2776, + "cotton_strain": 2783, + "cotton_thistle, woolly_thistle, Scotch_thistle, Onopordum_acanthium, Onopordon_acanthium": 18381, + "cottonseed": 17562, + "cottonweed": 17901, + "cottonwick, Haemulon_malanurum": 3914, + "cottonwood": 20362, + "coucal": 1450, + "couch": 5977, + "couchette": 5978, + "coude_telescope, coude_system": 5979, + "cougar, puma, catamount, mountain_lion, painter, panther, Felis_concolor": 2412, + "cough_drop, troche, pastille, pastil": 12522, + "counselor, counsellor": 15297, + "counter": 5982, + "counter, tabulator": 5981, + "counter_tube": 5984, + "counterbore, countersink, countersink_bit": 5983, + "counterspy, mole": 15299, + "counterterrorist": 15298, + "countess": 15300, + "country_borage, Coleus_aromaticus, Coleus_amboinicus, Plectranthus_amboinicus": 20655, + "country_house": 5985, + "country_store, general_store, trading_post": 5986, + "countrywoman": 15302, + "county_agent, agricultural_agent, extension_agent": 15303, + "coupe": 5987, + "coupling, coupler": 5988, + "courbaril, Hymenaea_courbaril": 17715, + "courlan, Aramus_guarauna": 1934, + "course": 12253, + "courser": 2186, + "coursing": 94, + "court": 5992, + "court, courtroom": 5991, + "court, courtyard": 5989, + "court_game": 152, + "courthouse": 5995, + "courtier": 15304, + "couscous": 14095, + "cousin, first_cousin, cousin-german, full_cousin": 15305, + "cove": 14265, + "cover_girl, pin-up, lovely": 15306, + "cover_plate": 6002, + "coverall": 5996, + "covered_bridge": 5997, + "covered_couch": 5998, + "covered_smut": 21232, + "covered_wagon, Conestoga_wagon, Conestoga, prairie_wagon, prairie_schooner": 5999, + "covering": 6000, + "coverlet": 6001, + "cow": 15307, + "cow, moo-cow": 3334, + "cow_parsley, wild_chervil, Anthriscus_sylvestris": 20900, + "cow_parsnip, hogweed, Heracleum_sphondylium": 20919, + "cow_pasture": 14135, + "cow_pen, cattle_pen, corral": 6009, + "cow_pony": 3219, + "cow_shark, six-gilled_shark, Hexanchus_griseus": 453, + "cowage, velvet_bean, Bengal_bean, Benghal_bean, Florida_bean, Mucuna_pruriens_utilis, Mucuna_deeringiana, Mucuna_aterrima, Stizolobium_deeringiana": 19849, + "cowbarn, cowshed, cow_barn, cowhouse, byre": 6003, + "cowbell": 6004, + "cowberry, mountain_cranberry, lingonberry, lingenberry, lingberry, foxberry, Vaccinium_vitis-idaea": 19052, + "cowbird": 705, + "cowboy_boot": 6005, + "cowboy_hat, ten-gallon_hat": 6006, + "cowfish, Lactophrys_quadricornis": 4101, + "cowherb, cow_cockle, Vaccaria_hispanica, Vaccaria_pyramidata, Saponaria_vaccaria": 17887, + "cowhide": 6007, + "cowl": 6008, + "cownose_ray, cow-nosed_ray, Rhinoptera_bonasus": 501, + "cowpea, black-eyed_pea": 19917, + "cowpea, cowpea_plant, black-eyed_pea, Vigna_unguiculata, Vigna_sinensis": 19916, + "cowpen_daisy, golden_crownbeard, golden_crown_beard, butter_daisy, Verbesina_encelioides, Ximenesia_encelioides": 18470, + "cowrie, cowry": 1782, + "cows'_milk": 13501, + "cowslip, paigle, Primula_veris": 18633, + "coydog": 2361, + "coyol, coyol_palm, Acrocomia_vinifera": 19931, + "coyote, prairie_wolf, brush_wolf, Canis_latrans": 2360, + "coypu, nutria, Myocastor_coypus": 3176, + "crab": 1837, + "crab-eating_dog, crab-eating_fox, Dusicyon_cancrivorus": 2366, + "crab-eating_macaque, croo_monkey, Macaca_irus": 3631, + "crab-eating_opossum": 1593, + "crab-eating_raccoon, Procyon_cancrivorus": 3685, + "crab_Louis": 13273, + "crab_apple, crabapple": 12995, + "crab_apple, crabapple, cultivated_crab_apple": 20056, + "crab_cactus, Thanksgiving_cactus, Zygocactus_truncatus, Schlumbergera_truncatus": 17972, + "crab_cocktail": 12361, + "crab_louse, pubic_louse, crab, Phthirius_pubis": 2601, + "crabapple_jelly": 12637, + "crabeater_seal, crab-eating_seal": 2141, + "crabgrass, crab_grass, finger_grass": 18707, + "crack_willow, brittle_willow, snap_willow, Salix_fragilis": 20341, + "cracked-wheat_bread": 12673, + "cracked_wheat": 13242, + "cracker": 12674, + "crackle, crackleware, crackle_china": 6011, + "cradle": 6012, + "craft": 6013, + "craftsman, artisan, journeyman, artificer": 15308, + "craftsman, crafter": 15309, + "crag": 14266, + "crake": 1940, + "cramp, cramp_iron": 6014, + "crampon, crampoon": 6016, + "crampon, crampoon, climbing_iron, climber": 6015, + "cranberry": 19036, + "cranberry_bush, cranberry_tree, American_cranberry_bush, highbush_cranberry, Viburnum_trilobum": 20209, + "cranberry_juice": 14006, + "cranberry_sauce": 13362, + "crane": 6017, + "crane_fly, daddy_longlegs": 2655, + "cranesbill, crane's_bill": 20224, + "craniometer": 6018, + "crank, starter": 6019, + "crank_call": 12193, + "crankcase": 6020, + "crankshaft": 6021, + "crapaud, South_American_bullfrog, Leptodactylus_pentadactylus": 945, + "crape_fern, Prince-of-Wales_fern, Prince-of-Wales_feather, Prince-of-Wales_plume, Leptopteris_superba, Todea_superba": 20958, + "crape_myrtle, crepe_myrtle, crepe_flower, Lagerstroemia_indica": 19292, + "crappie": 3833, + "crapshooter": 15310, + "crash_barrier": 6022, + "crash_helmet": 6023, + "crate": 6024, + "crater": 14267, + "cravat": 6025, + "crawlspace, crawl_space": 14140, + "crayfish, crawfish, crawdad, crawdaddy": 1861, + "crayon, wax_crayon": 6026, + "crazy, loony, looney, nutcase, weirdo": 15311, + "crazy_quilt": 6027, + "cream": 13518, + "cream, ointment, emollient": 6028, + "cream-colored_courser, Cursorius_cursor": 2024, + "cream-of-tartar_tree, sour_gourd, Adansonia_gregorii": 18912, + "cream_cheese": 13540, + "cream_pitcher, creamer": 6029, + "cream_sauce": 13449, + "cream_soda": 14033, + "creamcups, Platystemon_californicus": 18105, + "creature, wight": 15312, + "creche": 6031, + "creche, foundling_hospital": 6030, + "credenza, credence": 6032, + "creditor": 15313, + "creel": 6033, + "creep, weirdo, weirdie, weirdy, spook": 15314, + "creep_feed": 13221, + "creeper": 21306, + "creeper, tree_creeper": 757, + "creeping_St_John's_wort, Hypericum_calycinum": 19405, + "creeping_bellflower, Campanula_rapunculoides": 18487, + "creeping_bugle, Ajuga_reptans": 20642, + "creeping_buttercup, creeping_crowfoot, Ranunculus_repens": 17641, + "creeping_fern, Hartford_fern, Lygodium_palmatum": 20963, + "creeping_oxalis, creeping_wood_sorrel, Oxalis_corniculata": 20267, + "creeping_snowberry, moxie_plum, maidenhair_berry, Gaultheria_hispidula": 19006, + "creeping_soft_grass, Holcus_mollis": 18726, + "creeping_spike_rush, Eleocharis_palustris": 18815, + "creeping_willow, Salix_repens": 20351, + "creeping_zinnia, Sanvitalia_procumbens": 18408, + "creepy-crawly": 182, + "crematory, crematorium": 6035, + "crematory, crematorium, cremation_chamber": 6034, + "creme_anglais": 12603, + "creme_brulee": 12604, + "creme_caramel": 12602, + "creme_de_cacao": 13913, + "creme_de_fraise": 13915, + "creme_de_menthe": 13914, + "crenate_leaf": 21451, + "creole-fish, Paranthias_furcifer": 3857, + "creosote_bush, coville, hediondilla, Larrea_tridentata": 20324, + "crepe, crape": 6036, + "crepe_de_Chine": 6037, + "crepe_fern, king_fern, Todea_barbara": 20959, + "crescent": 21713, + "crescent_roll, croissant": 12741, + "crescent_wrench": 6038, + "cress": 12957, + "cress, cress_plant": 18004, + "crest": 14136, + "crested_cariama, seriema, Cariama_cristata": 1936, + "crested_coral_root, Hexalectris_spicata": 18572, + "crested_myna, Acridotheres_tristis": 714, + "crested_screamer": 1580, + "crested_wheatgrass, crested_wheat_grass, fairway_crested_wheat_grass, Agropyron_cristatum": 18673, + "cretonne": 6039, + "crevalle_jack, jack_crevalle, Caranx_hippos": 3874, + "crevice, cranny, crack, fissure, chap": 21739, + "crib": 6041, + "crib, cot": 6040, + "cricket": 2731, + "cricket-bat_willow, Salix_alba_caerulea": 20331, + "cricket_ball": 6042, + "cricket_bat, bat": 6043, + "cricket_equipment": 6044, + "cricket_frog": 973, + "criminologist": 15315, + "crimson, ruby, deep_red": 12019, + "crimson_clover, Italian_clover, Trifolium_incarnatum": 17722, + "cringle, eyelet, loop, grommet, grummet": 6045, + "crinkleroot, crinkle-root, crinkle_root, pepper_root, toothwort, Cardamine_diphylla, Dentaria_diphylla": 18041, + "crinoid": 3016, + "crinoline": 6047, + "criollo": 14001, + "crisphead_lettuce, iceberg_lettuce, iceberg": 12897, + "critic": 15316, + "critter": 181, + "croaker": 3939, + "crochet_needle, crochet_hook": 6048, + "crock, earthenware_jar": 6049, + "crocodile": 1087, + "crocodile_bird, Pluvianus_aegyptius": 2025, + "crocodilian_reptile, crocodilian": 1086, + "crocus": 19529, + "crook, shepherd's_crook": 6051, + "crooked-stemmed_aster": 18184, + "crookneck, crookneck_squash, summer_crookneck": 12842, + "croquet": 120, + "croquet_ball": 6054, + "croquet_equipment": 6055, + "croquet_mallet": 6056, + "croquette": 13649, + "cross": 6057, + "cross-country_riding, cross-country_jumping": 83, + "cross-country_skiing": 27, + "cross-examiner, cross-questioner": 15318, + "cross_bit": 6062, + "cross_bun, hot_cross_bun": 12739, + "crossbar": 6060, + "crossbench": 6061, + "crossbill, Loxia_curvirostra": 561, + "crossbow": 6063, + "crosscut_saw, crosscut_handsaw, cutoff_saw": 6064, + "crossjack, mizzen_course": 6065, + "crossopterygian, lobefin, lobe-finned_fish": 3703, + "crossover_voter, crossover": 15319, + "crosspiece": 6066, + "crossword_puzzle, crossword": 12239, + "crotalaria, rattlebox": 19774, + "crotchet": 6067, + "croton, Croton_tiglium": 20873, + "crottle, crottal, crotal": 21038, + "croupier": 15320, + "croupier's_rake": 6068, + "crouton": 12675, + "crow": 717, + "crow's_nest": 6074, + "crow_garlic, false_garlic, field_garlic, stag's_garlic, wild_garlic, Allium_vineale": 19576, + "crow_pheasant, Centropus_sinensis": 1451, + "crowbait, crow-bait": 3233, + "crowbar, wrecking_bar, pry, pry_bar": 6069, + "crowberry": 20404, + "crowd": 14106, + "crown, crownwork, jacket, jacket_crown, cap": 6071, + "crown, diadem": 6070, + "crown_daisy, Chrysanthemum_coronarium": 18241, + "crown_imperial, Fritillaria_imperialis": 19622, + "crown_jewels": 6072, + "crown_lens": 6073, + "crown_of_thorns, Christ_thorn, Christ_plant, Euphorbia_milii": 20870, + "crown_prince": 15321, + "crown_princess": 15322, + "crownbeard, crown-beard, crown_beard": 18468, + "crucian_carp, Carassius_carassius, Carassius_vulgaris": 369, + "crucible, melting_pot": 6075, + "crucifer, cruciferous_plant": 18003, + "cruciferous_vegetable": 12825, + "crucifix, rood, rood-tree": 6076, + "crudites": 12797, + "cruel_plant, Araujia_sericofera": 21622, + "cruet, crewet": 6077, + "cruet-stand": 6078, + "cruise_control": 6079, + "cruise_missile": 6080, + "cruise_ship, cruise_liner": 6083, + "cruiser": 6081, + "cruiser, police_cruiser, patrol_car, police_car, prowl_car, squad_car": 6082, + "crupper": 6084, + "cruse": 6085, + "crusher": 6086, + "crustacean": 1833, + "crutch": 6087, + "cryometer": 6088, + "cryoscope": 6089, + "cryostat": 6090, + "crypt": 6091, + "cryptanalyst, cryptographer, cryptologist": 15323, + "cryptic_coloration": 12068, + "cryptocoryne, water_trumpet": 17801, + "cryptogam": 17326, + "cryptomonad, cryptophyte": 340, + "crystal, watch_crystal, watch_glass": 6092, + "crystal_detector": 6093, + "crystal_microphone": 6094, + "crystal_oscillator, quartz_oscillator": 6095, + "crystal_set": 6096, + "crystallized_ginger": 12488, + "ctenophore, comb_jelly": 1704, + "cub, lad, laddie, sonny, sonny_boy": 15063, + "cub, young_carnivore": 219, + "cube, regular_hexahedron": 21754, + "cubeb": 21423, + "cubitiere": 6097, + "cuboid": 21700, + "cucking_stool, ducking_stool": 6098, + "cuckold": 15325, + "cuckoo": 1445, + "cuckoo-bumblebee": 2671, + "cuckoo_clock": 6099, + "cuckoopint, lords-and-ladies, jack-in-the-pulpit, Arum_maculatum": 17784, + "cuculiform_bird": 1444, + "cucumber, cucumber_vine, Cucumis_sativus": 18851, + "cucumber, cuke": 12856, + "cucumber_tree, Magnolia_acuminata": 17615, + "cud, rechewed_food": 13254, + "cuddy": 6100, + "cudgel": 6101, + "cudweed": 18309, + "cue, cue_stick, pool_cue, pool_stick": 6102, + "cue_ball": 6103, + "cuff, turnup": 6104, + "cuirass": 6105, + "cuisse": 6106, + "cul, cul_de_sac, dead_end": 6107, + "culdoscope": 6108, + "cullis": 6109, + "culotte": 6110, + "cultist": 15326, + "cultivar": 21282, + "cultivated_land, farmland, plowland, ploughland, tilled_land, tillage, tilth": 14268, + "cultivated_parsnip": 20924, + "cultivated_rice, Oryza_sativa": 18735, + "cultivator, tiller": 6111, + "culture_medium, medium": 21789, + "culverin": 6113, + "culvert": 6114, + "cumin, Cuminum_cyminum": 20910, + "cumin, cumin_seed": 13301, + "cunner, bergall, Tautogolabrus_adspersus": 3985, + "cup": 14051, + "cup_hook": 6117, + "cupboard, closet": 6116, + "cupflower, nierembergia": 20831, + "cupola": 6119, + "cuppa, cupper": 14069, + "cupule, acorn_cup": 19103, + "cur, mongrel, mutt": 2169, + "curacao, curacoa": 13919, + "curandera": 15327, + "curassow": 1362, + "curate, minister_of_religion, minister, parson, pastor, rector": 15328, + "curator, conservator": 15329, + "curb, curb_bit": 6120, + "curb_roof": 6121, + "curbstone, kerbstone": 6122, + "curd": 13536, + "curette, curet": 6123, + "curled_leaf_pondweed, curly_pondweed, Potamogeton_crispus": 20012, + "curler, hair_curler, roller, crimper": 6124, + "curlew": 2004, + "curlew_sandpiper, Calidris_Ferruginea": 1985, + "curling_iron": 6125, + "curly-coated_retriever": 2263, + "curly_grass, curly_grass_fern, Schizaea_pusilla": 20960, + "curlycup_gumweed, Grindelia_squarrosa": 18313, + "currant": 13084, + "currant, currant_bush": 20549, + "currawong, bell_magpie": 738, + "curry": 13364, + "curry_powder": 13363, + "curry_sauce": 13471, + "currycomb": 6126, + "cursed_crowfoot, celery-leaved_buttercup, Ranunculus_sceleratus": 17642, + "cursor, pointer": 6127, + "curtain, drape, drapery, mantle, pall": 6128, + "curvet, vaulting": 12, + "cuscus": 1612, + "cush-cush, Dioscorea_trifida": 18629, + "cushaw": 12854, + "cushaw, Cucurbita_mixta, Cucurbita_argyrosperma": 18842, + "cushion_flower, pincushion_hakea, Hakea_laurina": 18966, + "cusk, torsk, Brosme_brosme": 3731, + "cusk-eel": 3821, + "custard": 12601, + "custard_apple": 13134, + "custard_apple, custard_apple_tree": 17571, + "customer_agent": 15330, + "customhouse, customshouse": 6129, + "cutaway, cutaway_drawing, cutaway_model": 6130, + "cuticle": 12155, + "cutlas, cutlass": 6131, + "cutlassfish, frost_fish, hairtail": 4016, + "cutleaved_coneflower, Rudbeckia_laciniata": 18405, + "cutoff": 6132, + "cutout": 6133, + "cutter": 6135, + "cutter, carver": 15331, + "cutter, cutlery, cutting_tool": 6134, + "cutting_implement": 6136, + "cutting_room": 6137, + "cuttlefish, cuttle": 1831, + "cutty_stool": 6138, + "cutwork": 6139, + "cutworm": 2933, + "cyanobacteria, blue-green_algae": 268, + "cybercafe": 6140, + "cyberpunk": 15332, + "cyborg, bionic_man, bionic_woman": 15333, + "cycad": 17339, + "cyclamen, Cyclamen_purpurascens": 18641, + "cycling": 84, + "cyclopean_masonry": 6141, + "cyclops, water_flea": 1889, + "cyclostome": 439, + "cyclostyle": 6142, + "cyclotron": 6143, + "cygnet": 1570, + "cylinder": 21648, + "cylinder, piston_chamber": 6145, + "cylinder_lock": 6146, + "cymbal": 6147, + "cymbalist": 15334, + "cymbid, cymbidium": 18529, + "cyme": 21365, + "cymling, pattypan_squash": 18833, + "cymule": 21366, + "cynthia_moth, Samia_cynthia, Samia_walkeri": 2961, + "cypress, cypress_tree": 17436, + "cypress_sedge, Carex_pseudocyperus": 18807, + "cypress_spurge, Euphorbia_cyparissias": 20860, + "cypress_vine, star-glory, Indian_pink, Ipomoea_quamoclit, Quamoclit_pennata": 20603, + "cyprinid, cyprinid_fish": 353, + "cypriniform_fish": 351, + "cyprinodont": 376, + "cypripedia": 18530, + "cyrilla, leatherwood, white_titi, Cyrilla_racemiflora": 20402, + "cytogeneticist": 15336, + "cytologist": 15337, + "cytomegalovirus, CMV": 253, + "czar": 15338, + "czar, tsar, tzar": 15339, + "dabbling_duck, dabbler": 1516, + "dabchick, little_grebe, Podiceps_ruficollis": 2064, + "dace, Leuciscus_leuciscus": 360, + "dacha": 6148, + "dachshund, dachsie, badger_dog": 2198, + "dad, dada, daddy, pa, papa, pappa, pop": 15340, + "dado": 6150, + "dado_plane": 6151, + "daffodil, Narcissus_pseudonarcissus": 19541, + "daffodil_garlic, flowering_onion, Naples_garlic, Allium_neopolitanum": 19571, + "dagame, lemonwood_tree, Calycophyllum_candidissimum": 20160, + "dagga, Cape_dagga, red_dagga, wilde_dagga, Leonotis_leonurus": 20670, + "dagger, sticker": 6152, + "dahlia, Dahlia_pinnata": 18271, + "daily": 12179, + "dainty, delicacy, goody, kickshaw, treat": 12254, + "daiquiri, rum_cocktail": 13944, + "dairy, dairy_farm": 6153, + "dairy_cattle, dairy_cow, milch_cow, milk_cow, milcher, milker": 3351, + "dairy_product": 13494, + "dairyman": 15341, + "dais, podium, pulpit, rostrum, ambo, stump, soapbox": 6154, + "daisy": 18205, + "daisy_fleabane, Erigeron_annuus": 18286, + "daisy_print_wheel, daisy_wheel": 6155, + "daisybush, daisy-bush, daisy_bush": 18379, + "daisyleaf_grape_fern, daisy-leaved_grape_fern, Botrychium_matricariifolium": 20976, + "daisywheel_printer": 6156, + "dale": 14269, + "dallier, dillydallier, dilly-dallier, mope, lounger": 15343, + "dallisgrass, dallis_grass, paspalum, Paspalum_dilatatum": 18741, + "dalmatian, coach_dog, carriage_dog": 2332, + "dam": 226, + "dam, dike, dyke": 6157, + "damask": 6158, + "damask_rose, summer_damask_rose, Rosa_damascena": 20021, + "damask_violet, Dame's_violet, sweet_rocket, Hesperis_matronalis": 18057, + "dampener, moistener": 6159, + "damper, muffler": 6160, + "damper_block, piano_damper": 6161, + "damping_off_fungus, Pythium_debaryanum": 21015, + "damselfish, demoiselle": 3972, + "damselfly": 2845, + "damson, damson_plum": 13073, + "damson_plum, damson_plum_tree, Prunus_domestica_insititia": 20076, + "danaid, danaid_butterfly": 2881, + "dance": 14110, + "dancer, professional_dancer, terpsichorean": 15344, + "dancer, social_dancer": 15345, + "dancing-master, dance_master": 15347, + "dandelion, blowball": 18454, + "dandelion_green": 18456, + "dangleberry, dangle-berry, Gaylussacia_frondosa": 19010, + "danish, danish_pastry": 12754, + "daphne": 19353, + "daphnia, water_flea": 1884, + "dark-eyed_junco, slate-colored_junco, Junco_hyemalis": 564, + "dark_bread, whole_wheat_bread, whole_meal_bread, brown_bread": 12676, + "dark_horse": 15348, + "dark_lantern, bull's-eye": 6162, + "dark_red": 12020, + "darkling_beetle, darkling_groung_beetle, tenebrionid": 2588, + "darkroom": 6163, + "darling, favorite, favourite, pet, dearie, deary, ducky": 15349, + "darling_pea, poison_bush": 17717, + "darnel, tare, bearded_darnel, cheat, Lolium_temulentum": 18733, + "darning_needle, embroidery_needle": 6164, + "dart": 6166, + "darter": 183, + "dash-pot": 6169, + "dashboard, fascia": 6167, + "dashiki, daishiki": 6168, + "dasyure": 1618, + "dasyurid_marsupial, dasyurid": 1617, + "data_converter": 6170, + "data_input_device, input_device": 6171, + "data_multiplexer": 6172, + "data_system, information_system": 6173, + "date": 13157, + "date, escort": 15350, + "date-nut_bread": 12696, + "date_bread": 12695, + "date_palm, Phoenix_dactylifera": 19964, + "date_plum, Diospyros_lotus": 20474, + "daughter, girl": 15351, + "davallia": 21502, + "davenport": 6175, + "davit": 6176, + "dawdler, drone, laggard, lagger, trailer, poke": 15352, + "day_boarder": 15353, + "day_game": 108, + "day_jessamine, Cestrum_diurnum": 20813, + "day_laborer, day_labourer": 15354, + "day_nursery, day_care_center": 6179, + "day_school": 6180, + "daybed, divan_bed": 6177, + "daybook, ledger": 6178, + "deacon, Protestant_deacon": 15355, + "deaconess": 15356, + "dead-man's-fingers, dead-men's-fingers, Xylaria_polymorpha": 20985, + "dead-man's_float, prone_float": 35, + "dead_axle": 6181, + "dead_nettle": 20664, + "deadeye": 15357, + "deadhead": 15360, + "deadwood": 21457, + "deaf_person": 15361, + "dealfish, Trachipterus_arcticus": 3795, + "deanery": 6184, + "death's-head_moth, Acherontia_atropos": 2950, + "death_adder, Acanthophis_antarcticus": 1224, + "death_camas, zigadene": 19656, + "death_camp": 6186, + "death_cap, death_cup, death_angel, destroying_angel, Amanita_phalloides": 21056, + "death_house, death_row": 6187, + "death_knell, death_bell": 6188, + "death_seat": 6189, + "deathbed": 6185, + "deathwatch_beetle, deathwatch, Xestobium_rufovillosum": 2577, + "debtor, debitor": 15362, + "decaffeinated_coffee, decaf": 13980, + "decagon": 21694, + "decapod": 1826, + "decapod_crustacean, decapod": 1835, + "deciduous_holly": 20431, + "deciduous_plant": 21303, + "deck": 6191, + "deck-house": 6193, + "deck_chair, beach_chair": 6192, + "deck_tennis": 163, + "deckhand, roustabout": 15363, + "deckle": 6194, + "deckle_edge, deckle": 6195, + "declinometer, transit_declinometer": 6196, + "decoder": 6197, + "decolletage": 6198, + "decompound_leaf": 21437, + "decoupage": 6199, + "decumary, Decumaria_barbata, Decumaria_barbara": 20514, + "dedicated_file_server": 6200, + "deep-freeze, Deepfreeze, deep_freezer, freezer": 6201, + "deepwater_pipefish, Cosmocampus_profundus": 404, + "deepwater_squirrelfish, Holocentrus_bullisi": 390, + "deer, cervid": 3462, + "deer_fern, Blechnum_spicant": 21497, + "deer_grass, meadow_beauty": 19359, + "deer_hunting, deer_hunt": 95, + "deer_mouse, Peromyscus_maniculatus": 3069, + "deer_mushroom, Pluteus_cervinus": 21112, + "deerberry, squaw_huckleberry, Vaccinium_stamineum": 19051, + "deerstalker": 6202, + "defamer, maligner, slanderer, vilifier, libeler, backbiter, traducer": 15364, + "defense_contractor": 15365, + "defense_system, defence_system": 6203, + "defensive_structure, defense, defence": 6204, + "defibrillator": 6205, + "defilade": 6206, + "defile, gorge": 14270, + "deflector": 6207, + "defoliator": 2525, + "dehydrated_food, dehydrated_foods": 12320, + "deinonychus": 1127, + "deipnosophist": 15358, + "deist, freethinker": 15366, + "delay_line": 6209, + "delayed_action": 6208, + "delegate": 15367, + "delft": 6210, + "delicatessen, deli, food_shop": 6211, + "delivery_truck, delivery_van, panel_truck": 6212, + "deliveryman, delivery_boy, deliverer": 15368, + "delphinium": 17679, + "delta": 14271, + "delta_wing": 6213, + "deltoid_leaf": 21439, + "demagogue, demagog, rabble-rouser": 15369, + "demerara, demerara_rum": 13889, + "demerara, demerara_sugar": 12462, + "demiglace, demi-glaze": 13451, + "demigod, superman, Ubermensch": 15370, + "demijohn": 6214, + "demitasse": 6215, + "demographer, demographist, population_scientist": 15371, + "demonstrator, protester": 15372, + "den": 6216, + "den_mother": 15373, + "dendrite": 12142, + "dendrobium": 18542, + "denim, dungaree, jean": 6217, + "dense_blazing_star, Liatris_pycnostachya": 18366, + "densimeter, densitometer": 6218, + "densitometer": 6219, + "dent_corn, Zea_mays_indentata": 18793, + "dental_appliance": 6220, + "dental_floss, floss": 6221, + "dental_implant": 6222, + "dental_plaque, bacterial_plaque": 12083, + "dentate_leaf": 21452, + "denticulate_leaf": 21453, + "dentist's_drill, burr_drill": 6223, + "denture, dental_plate, plate": 6224, + "deodar, deodar_cedar, Himalayan_cedar, Cedrus_deodara": 17413, + "deodorant, deodourant": 6225, + "department_head": 15374, + "department_store, emporium": 6226, + "departure_lounge": 6227, + "depilatory, depilator, epilator": 6228, + "depositor": 15375, + "depressor": 6229, + "depth_finder": 6230, + "depth_gauge, depth_gage": 6231, + "deputy": 15376, + "dermatoglyphic": 21735, + "dermatologist, skin_doctor": 15377, + "derrick": 6233, + "derringer": 6234, + "derris": 19786, + "derris_root, tuba_root, Derris_elliptica": 19787, + "descender": 15378, + "descent, declivity, fall, decline, declination, declension, downslope": 14272, + "desert_four_o'clock, Colorado_four_o'clock, maravilla, Mirabilis_multiflora": 17942, + "desert_holly, Atriplex_hymenelytra": 17916, + "desert_iguana, Dipsosaurus_dorsalis": 1031, + "desert_mariposa_tulip, Calochortus_kennedyi": 19603, + "desert_paintbrush, Castilleja_chromosa": 20756, + "desert_pea, Sturt_pea, Sturt's_desert_pea, Clianthus_formosus, Clianthus_speciosus": 19767, + "desert_plant, xerophyte, xerophytic_plant, xerophile, xerophilous_plant": 21335, + "desert_plume, prince's-plume, Stanleya_pinnata, Cleome_pinnata": 18079, + "desert_sand_verbena, Abronia_villosa": 17934, + "desert_selaginella, Selaginella_eremophila": 21594, + "desert_sunflower, Gerea_canescens": 18308, + "desert_tortoise, Gopherus_agassizii": 1017, + "desert_willow, Chilopsis_linearis": 20572, + "designated_hitter": 15379, + "designer, intriguer": 15380, + "desk": 6235, + "desk_clerk, hotel_desk_clerk, hotel_clerk": 15381, + "desk_dictionary, collegiate_dictionary": 12220, + "desk_officer": 15382, + "desk_phone": 6236, + "desk_sergeant, deskman, station_keeper": 15383, + "desktop": 14200, + "desktop_computer": 6237, + "desmid": 330, + "dessert, sweet, afters": 12539, + "dessert_spoon": 6238, + "dessert_wine": 13828, + "destroyer, guided_missile_destroyer": 6239, + "destroyer_escort": 6240, + "destroying_angel, Amanita_verna": 21058, + "detached_house, single_dwelling": 6241, + "detainee, political_detainee": 15384, + "detective": 15386, + "detective, investigator, tec, police_detective": 15385, + "detector": 6243, + "detector, sensor, sensing_element": 6242, + "detention_basin": 14128, + "detention_home, detention_house, house_of_detention, detention_camp": 6244, + "detonating_fuse": 6245, + "detonator, detonating_device, cap": 6246, + "detractor, disparager, depreciator, knocker": 15387, + "deutzia": 20515, + "developer": 15388, + "deviationist": 15389, + "device": 6248, + "devil's_cigar": 21022, + "devil's_tongue, snake_palm, umbrella_arum, Amorphophallus_rivieri": 17791, + "devil's_urn": 21023, + "devil_ray, Mobula_hypostoma": 504, + "deviled_egg, stuffed_egg": 13485, + "devilwood, American_olive, Osmanthus_americanus": 19245, + "devisee": 15390, + "devisor": 15391, + "devourer": 15392, + "dewberry": 13034, + "dewdrop": 21727, + "dhak, dak, palas, Butea_frondosa, Butea_monosperma": 19749, + "dhawa, dhava": 19278, + "dhole, Cuon_alpinus": 2365, + "dhoti": 6250, + "dhow": 6251, + "diabetic_diet": 12267, + "dial": 6254, + "dial, telephone_dial": 6252, + "dial_telephone, dial_phone": 6256, + "dialectician": 15393, + "dialog_box, panel": 6255, + "dialyzer, dialysis_machine": 6257, + "diamante": 6258, + "diameter": 21664, + "diamondback, diamondback_rattlesnake, Crotalus_adamanteus": 1241, + "diamondback_terrapin, Malaclemys_centrata": 1006, + "diapensia": 19053, + "diaper": 6260, + "diaper, nappy, napkin": 6259, + "diapheromera, Diapheromera_femorata": 2739, + "diaphone": 6261, + "diaphragm": 6263, + "diaphragm, stop": 6262, + "diapir": 14273, + "diapsid, diapsid_reptile": 988, + "diarist, diary_keeper, journalist": 15394, + "diastema": 12105, + "diathermy_machine": 6264, + "dibble, dibber": 6265, + "dicamptodon, dicamptodontid": 916, + "dice_cup, dice_box": 6266, + "dicer": 6267, + "dichondra, Dichondra_micrantha": 20602, + "dickey, dickie, dicky, dickey-seat, dickie-seat, dicky-seat": 6269, + "dickey, dickie, dicky, shirtfront": 6268, + "dickeybird, dickey-bird, dickybird, dicky-bird": 511, + "dicot, dicotyledon, magnoliopsid, exogen": 17518, + "dictostylium": 21004, + "dicynodont": 1130, + "die": 6271, + "diesel, diesel_engine, diesel_motor": 6272, + "diesel-electric_locomotive, diesel-electric": 6273, + "diesel-hydraulic_locomotive, diesel-hydraulic": 6274, + "diesel_locomotive": 6275, + "diestock": 6276, + "diet": 12262, + "dietary": 12263, + "dietary_supplement": 12268, + "dietician, dietitian, nutritionist": 15395, + "differential_analyzer": 6277, + "differential_gear, differential": 6278, + "difflugia": 311, + "diffuser, diffusor": 6280, + "digester": 6281, + "digger_wasp": 2692, + "diggings, digs, domiciliation, lodgings, pad": 6282, + "digital-analog_converter, digital-to-analog_converter": 6283, + "digital_audiotape, DAT": 6284, + "digital_camera": 6285, + "digital_clock": 6286, + "digital_computer": 6287, + "digital_display, alphanumeric_display": 6288, + "digital_subscriber_line, DSL": 6289, + "digital_voltmeter": 6290, + "digital_watch": 6291, + "digitigrade_mammal, digitigrade": 3681, + "digitizer, digitiser, analog-digital_converter, analog-to-digital_converter": 6292, + "dik-dik": 3431, + "dilator, dilater": 6293, + "dildo": 6294, + "dill, Anethum_graveolens": 20895, + "dill, dill_weed": 13391, + "dill_pickle": 13372, + "dill_seed": 13392, + "dillenia": 19389, + "dimetrodon": 1132, + "dimity": 6295, + "dimmer": 6296, + "diner": 6297, + "dinette": 6298, + "dinghy, dory, rowboat": 6299, + "dingo, warrigal, warragal, Canis_dingo": 2364, + "dining-hall": 6302, + "dining-room_furniture": 6304, + "dining-room_table": 6305, + "dining_area": 6300, + "dining_car, diner, dining_compartment, buffet_car": 6301, + "dining_room, dining-room": 6303, + "dining_table, board": 6306, + "dinner": 12333, + "dinner_bell": 6307, + "dinner_dress, dinner_gown, formal, evening_gown": 6308, + "dinner_jacket, tux, tuxedo, black_tie": 6309, + "dinner_napkin": 6310, + "dinner_pail, dinner_bucket": 6311, + "dinner_table": 6312, + "dinner_theater, dinner_theatre": 6313, + "dinoceras, uintathere": 3190, + "diocesan": 15396, + "diode, rectifying_tube, rectifying_valve": 6315, + "diode, semiconductor_diode, junction_rectifier, crystal_rectifier": 6314, + "dioon": 17345, + "dip": 12365, + "dip, plunge": 32, + "diplococcus": 290, + "diplodocus": 1116, + "diplomatic_building": 6317, + "dipole, dipole_antenna": 6318, + "dipper": 6319, + "dipstick": 6320, + "dipterocarp": 19423, + "dipterous_insect, two-winged_insects, dipteran, dipteron": 2609, + "direction_finder": 6324, + "directional_antenna": 6322, + "directional_microphone": 6323, + "director": 15398, + "director, theater_director, theatre_director": 15397, + "dirk": 6325, + "dirndl": 6327, + "dirty_bomb": 6328, + "dirty_old_man": 15399, + "disa": 18543, + "disbeliever, nonbeliever, unbeliever": 15400, + "discharge_lamp": 6329, + "discharge_pipe": 6330, + "discina": 21162, + "disco, discotheque": 6331, + "discomycete, cup_fungus": 21133, + "discount_house, discount_store, discounter, wholesale_house": 6332, + "discus, saucer": 6333, + "discussant": 14472, + "disguise": 6334, + "dish": 12255, + "dish, dish_aerial, dish_antenna, saucer": 6336, + "dish_rack": 6338, + "dishpan": 6337, + "dishrag, dishcloth": 6339, + "dishtowel, dish_towel, tea_towel": 6340, + "dishwasher, dish_washer, dishwashing_machine": 6341, + "disk, disc": 6342, + "disk_brake, disc_brake": 6343, + "disk_clutch": 6344, + "disk_controller": 6345, + "disk_drive, disc_drive, hard_drive, Winchester_drive": 6346, + "disk_harrow, disc_harrow": 6348, + "disk_jockey, disc_jockey, dj": 15401, + "diskette, floppy, floppy_disk": 6347, + "dispatch_case, dispatch_box": 6349, + "dispatcher": 15402, + "dispensary": 6350, + "dispenser": 6351, + "display, video_display": 6352, + "display_adapter, display_adaptor": 6353, + "display_panel, display_board, board": 6354, + "display_window, shop_window, shopwindow, show_window": 6355, + "disposal, electric_pig, garbage_disposal": 6356, + "disrupting_explosive, bursting_explosive": 6357, + "distaff": 6358, + "distillery, still": 6359, + "distortionist": 15403, + "distributor, distributer": 15404, + "distributor, distributer, electrical_distributor": 6360, + "distributor_cam": 6361, + "distributor_cap": 6362, + "distributor_housing": 6363, + "distributor_point, breaker_point, point": 6364, + "district_attorney, DA": 15405, + "district_manager": 15406, + "dita, dita_bark, devil_tree, Alstonia_scholaris": 17765, + "ditch": 6365, + "ditch_spade, long-handled_spade": 6366, + "ditty_bag": 6367, + "divan": 6368, + "divan, diwan": 6369, + "dive, diving": 33, + "dive_bomber": 6370, + "diver, plunger": 15407, + "diverging_lens, concave_lens": 6371, + "divi-divi, Caesalpinia_coriaria": 19702, + "divided_highway, dual_carriageway": 6372, + "divider": 6373, + "diving_bell": 6374, + "diving_duck": 1515, + "diving_petrel": 2099, + "diving_suit, diving_dress": 6376, + "divining_rod, dowser, dowsing_rod, waterfinder, water_finder": 6375, + "divinity, divinity_fudge": 12504, + "divorce_lawyer": 15410, + "divorcee, grass_widow": 15408, + "divot": 14275, + "dixie": 6377, + "dobson, dobsonfly, dobson_fly, Corydalus_cornutus": 2837, + "docent": 15411, + "dock, dockage, docking_facility": 6379, + "doctor, doc, physician, MD, Dr., medico": 15412, + "document, written_document, papers": 12222, + "dodder": 20601, + "dodo, Raphus_cucullatus": 1401, + "dodo, fogy, fogey, fossil": 15413, + "doe": 1634, + "doeskin": 6380, + "dog, domestic_dog, Canis_familiaris": 2167, + "dog-day_cicada, harvest_fly": 2811, + "dog_fennel, Eupatorium_capillifolium": 18295, + "dog_flea, Ctenocephalides_canis": 2605, + "dog_food": 13257, + "dog_in_the_manger": 15415, + "dog_laurel, dog_hobble, switch-ivy, Leucothoe_fontanesiana, Leucothoe_editorum": 19019, + "dog_stinkhorn, Mutinus_caninus": 21174, + "dog_violet, heath_violet, Viola_canina": 19450, + "dog_wrench": 6384, + "dogbane": 17759, + "dogcart": 6381, + "doge": 15414, + "dogfish": 477, + "doggie_bag, doggy_bag": 6382, + "dogie, dogy, leppy": 3337, + "dogmatist, doctrinaire": 15416, + "dogsled, dog_sled, dog_sleigh": 6383, + "dogtooth_violet, dogtooth, dog's-tooth_violet": 19611, + "dogwood, dogwood_tree, cornel": 20936, + "doily, doyley, doyly": 6385, + "dolichocephalic": 15417, + "doliolum": 426, + "doll, dolly": 6386, + "dollarfish, Poronotus_triacanthus": 4048, + "dollhouse, doll's_house": 6387, + "dolly": 6388, + "dolman": 6389, + "dolman, dolman_jacket": 6390, + "dolman_sleeve": 6391, + "dolmas, stuffed_grape_leaves": 13652, + "dolmen, cromlech, portal_tomb": 6392, + "dolphin": 2119, + "dolphinfish, dolphin, mahimahi": 3894, + "domatium": 17307, + "dome": 6393, + "dome, domed_stadium, covered_stadium": 6394, + "domestic_animal, domesticated_animal": 195, + "domestic_ass, donkey, Equus_asinus": 3284, + "domestic_carp, Cyprinus_carpio": 355, + "domestic_cat, house_cat, Felis_domesticus, Felis_catus": 2388, + "domestic_fowl, fowl, poultry": 1313, + "domestic_goat, Capra_hircus": 3413, + "domestic_llama, Lama_peruana": 3496, + "domestic_partner, significant_other, spousal_equivalent, spouse_equivalent": 15418, + "domestic_pigeon": 1413, + "domestic_sheep, Ovis_aries": 3390, + "domestic_silkworm_moth, domesticated_silkworm_moth, Bombyx_mori": 2952, + "domicile, legal_residence": 14143, + "domino, half_mask, eye_mask": 6395, + "dominus, dominie, domine, dominee": 15420, + "don, father": 15421, + "dongle": 6396, + "donkey_jacket": 6397, + "donna": 15423, + "doodia, rasp_fern": 21498, + "doodlebug, ant_lion, antlion": 2832, + "door": 6400, + "doorbell, bell, buzzer": 6401, + "doorframe, doorcase": 6402, + "doorjamb, doorpost": 6403, + "doorlock": 6404, + "doormat, welcome_mat": 6405, + "doornail": 6406, + "doorplate": 6407, + "doorsill, doorstep, threshold": 6408, + "doorstop, doorstopper": 6409, + "dorbeetle": 2560, + "dormer, dormer_window": 6411, + "dormer_window": 6412, + "dormitory, dorm, residence_hall, hall, student_residence": 6413, + "dormitory, dormitory_room, dorm_room": 6414, + "dormouse": 3125, + "dosemeter, dosimeter": 6415, + "dossal, dossel": 6416, + "dosser, street_person": 15424, + "dot_matrix_printer, matrix_printer, dot_printer": 6417, + "dotted_gayfeather, Liatris_punctata": 18365, + "dotterel, dotrel, Charadrius_morinellus, Eudromias_morinellus": 1966, + "double, image, look-alike": 15425, + "double-bitted_ax, double-bitted_axe, Western_ax, Western_axe": 6419, + "double-breasted_jacket": 6421, + "double-breasted_suit": 6422, + "double-crosser, double-dealer, two-timer, betrayer, traitor": 15426, + "double-hung_window": 6425, + "double-reed_instrument, double_reed": 6429, + "double_Gloucester": 13558, + "double_bed": 6418, + "double_boiler, double_saucepan": 6420, + "double_cream": 13541, + "double_creme, heavy_whipping_cream": 13520, + "double_door": 6423, + "double_glazing": 6424, + "double_knit": 6426, + "double_reed": 6428, + "doubler": 6427, + "doubles": 170, + "doublet": 6430, + "doubletree": 6431, + "douche, douche_bag": 6432, + "dough": 13614, + "doughnut, donut, sinker": 12626, + "douglas_fir": 17431, + "douroucouli, Aotus_trivirgatus": 3645, + "dove": 1404, + "dove's_foot_geranium, Geranium_molle": 20230, + "dovecote, columbarium, columbary": 6433, + "dovetail, dovetail_joint": 6435, + "dovetail_plane": 6436, + "dowel, dowel_pin, joggle": 6437, + "dowitcher": 2001, + "down": 14276, + "down-and-out": 15427, + "downhill": 14277, + "downstage": 6438, + "downy_birch, white_birch, Betula_pubescens": 19159, + "downy_mildew, false_mildew": 21009, + "downy_wood_mint, Blephilia_celiata": 20647, + "downy_woodpecker": 1487, + "downy_yellow_violet, Viola_pubescens": 19454, + "doyenne": 15428, + "draba": 18050, + "dracaena": 19682, + "dracontium": 17802, + "draft_animal": 193, + "draft_beer, draught_beer": 13773, + "draft_horse, draught_horse, dray_horse": 3262, + "drafting_instrument": 6439, + "drafting_table, drawing_table": 6440, + "draftsman, drawer": 15429, + "dragee": 12500, + "dragonet": 4005, + "dragonfly, darning_needle, devil's_darning_needle, sewing_needle, snake_feeder, snake_doctor, mosquito_hawk, skeeter_hawk": 2844, + "dragonhead, dragon's_head, Dracocephalum_parviflorum": 20658, + "drain_basket": 6444, + "drainage_ditch": 6442, + "drainage_system": 6443, + "drainplug": 6445, + "drake": 1512, + "dramatist, playwright": 15430, + "drape": 6446, + "drapery": 6447, + "draw": 14278, + "drawbar": 6448, + "drawbridge, lift_bridge": 6449, + "drawer": 6450, + "drawers, underdrawers, shorts, boxers, boxershorts": 6451, + "drawing_chalk": 6452, + "drawing_room": 6454, + "drawing_room, withdrawing_room": 6453, + "drawknife, drawshave": 6455, + "drawstring_bag": 6456, + "dray, camion": 6457, + "dreadnought, dreadnaught": 6458, + "dreamer": 15431, + "dredge": 6459, + "dredger": 6460, + "dredging_bucket": 6461, + "dress, frock": 6462, + "dress_blues, dress_whites": 6463, + "dress_hat, high_hat, opera_hat, silk_hat, stovepipe, top_hat, topper, beaver": 6465, + "dress_rack": 6472, + "dress_shirt, evening_shirt": 6473, + "dress_suit, full_dress, tailcoat, tail_coat, tails, white_tie, white_tie_and_tails": 6474, + "dress_uniform": 6475, + "dressage": 11, + "dresser": 6464, + "dressing, medical_dressing": 6466, + "dressing, salad_dressing": 13418, + "dressing_case": 6467, + "dressing_gown, robe-de-chambre, lounging_robe": 6468, + "dressing_room": 6469, + "dressing_sack, dressing_sacque": 6470, + "dressing_table, dresser, vanity, toilet_table": 6471, + "dressmaker's_model": 15433, + "dressmaker, modiste, needlewoman, seamstress, sempstress": 15432, + "drey": 14279, + "dribbler": 15435, + "dribbler, driveller, slobberer, drooler": 15434, + "dried_apricot": 13079, + "dried_fruit": 13078, + "drift_net": 6476, + "driftfish": 4051, + "drill": 6477, + "drill, Mandrillus_leucophaeus": 3626, + "drill_press": 6480, + "drill_rig, drilling_rig, oilrig, oil_rig": 6481, + "drilling_platform, offshore_rig": 6479, + "drinker": 15437, + "drinker, imbiber, toper, juicer": 15436, + "drinking_fountain, water_fountain, bubbler": 6482, + "drinking_vessel": 6483, + "drinking_water": 14088, + "drip_coffee": 13981, + "drip_loop": 6484, + "drip_mat": 6485, + "drip_pan": 6486, + "drip_pot": 6488, + "dripping_pan, drip_pan": 6487, + "drive": 6490, + "drive_line, drive_line_system": 6491, + "driver, number_one_wood": 6492, + "driveshaft": 6493, + "driveway, drive, private_road": 6494, + "driving_iron, one_iron": 6495, + "driving_wheel": 6496, + "drogue, drogue_chute, drogue_parachute": 6497, + "drogue_parachute": 6498, + "drone": 2659, + "drone, drone_pipe, bourdon": 6499, + "drone, pilotless_aircraft, radio-controlled_aircraft": 6500, + "drop-leaf_table": 6505, + "drop_arch": 6501, + "drop_cloth": 6502, + "drop_curtain, drop_cloth, drop": 6503, + "drop_forge, drop_hammer, drop_press": 6504, + "drop_scone, griddlecake, Scotch_pancake": 12738, + "dropout": 15359, + "dropper, eye_dropper": 6506, + "droshky, drosky": 6507, + "drosophila, Drosophila_melanogaster": 2631, + "drove, drove_chisel": 6508, + "drug_addict, junkie, junky": 15438, + "drug_user, substance_abuser, user": 15439, + "drugget": 6509, + "drugstore, apothecary's_shop, chemist's, chemist's_shop, pharmacy": 6510, + "drum, membranophone, tympan": 6511, + "drum, metal_drum": 6512, + "drum_brake": 6513, + "drum_majorette, majorette": 15441, + "drum_printer": 6515, + "drum_sander, electric_sander, sander, smoother": 6516, + "drumhead, head": 6514, + "drumlin": 14280, + "drummer": 15442, + "drumstick": 6517, + "drunk": 15443, + "drunkard, drunk, rummy, sot, inebriate, wino": 15444, + "drupe, stone_fruit": 21386, + "drupelet": 21387, + "dry, prohibitionist": 15446, + "dry-bulb_thermometer": 6519, + "dry-wood_termite": 2716, + "dry_battery": 6518, + "dry_cell": 6520, + "dry_dock, drydock, graving_dock": 6521, + "dry_fly": 6523, + "dry_kiln": 6524, + "dry_masonry": 6525, + "dry_nurse": 15447, + "dry_point": 6526, + "dry_rot": 21277, + "dry_vermouth, French_vermouth": 13852, + "dry_wall, dry-stone_wall": 6527, + "dryer, drier": 6522, + "dryland_blueberry, dryland_berry, Vaccinium_pallidum": 19049, + "drypis": 17865, + "dual_scan_display": 6528, + "duchess": 15448, + "duck": 6529, + "duck_pate": 13595, + "duck_sauce, hoisin_sauce": 13366, + "duckboard": 6530, + "ducking, duck_hunting": 96, + "duckling": 1514, + "duckpin": 6531, + "duckweed": 17820, + "dude_ranch": 14144, + "dudeen": 6532, + "duff, plum_duff": 12595, + "duffel, duffle": 6533, + "duffel_bag, duffle_bag, duffel, duffle": 6534, + "duffel_coat, duffle_coat": 6535, + "duffer": 15450, + "dugong, Dugong_dugon": 2135, + "dugout": 6536, + "dugout_canoe, dugout, pirogue": 6537, + "duke": 15449, + "dulciana": 6538, + "dulcimer": 6540, + "dumb_bomb, gravity_bomb": 6542, + "dumbbell": 6541, + "dumbwaiter, food_elevator": 6543, + "dumdum, dumdum_bullet": 6544, + "dump_truck, dumper, tipper_truck, tipper_lorry, tip_truck, tipper": 6547, + "dumpcart": 6545, + "dumpling": 12546, + "dun": 3234, + "dunce_cap, dunce's_cap, fool's_cap": 6549, + "dundathu_pine, queensland_kauri, smooth_bark_kauri, Agathis_robusta": 17473, + "dune, sand_dune": 14281, + "dune_buggy, beach_buggy": 6550, + "dune_cycling": 87, + "dung_beetle": 2557, + "dungeon": 6551, + "dunker": 15451, + "duplex_apartment, duplex": 6552, + "duplex_house, duplex, semidetached_house": 6553, + "duplicator, copier": 6554, + "durian": 13145, + "durian, durion, durian_tree, Durio_zibethinus": 18915, + "durmast, Quercus_petraea, Quercus_sessiliflora": 19137, + "durra, doura, dourah, Egyptian_corn, Indian_millet, Guinea_corn": 18768, + "durum, durum_wheat, hard_wheat, Triticum_durum, Triticum_turgidum, macaroni_wheat": 18786, + "dusky-footed_wood_rat": 3078, + "dusky-footed_woodrat, Neotoma_fuscipes": 3081, + "dusky_salamander": 922, + "dusky_shark, Carcharhinus_obscurus": 472, + "dust_bag, vacuum_bag": 6555, + "dust_cover": 6557, + "dust_cover, dust_sheet": 6558, + "dust_storm, duster, sandstorm, sirocco": 17297, + "dustcloth, dustrag, duster": 6556, + "dustmop, dust_mop, dry_mop": 6559, + "dustpan": 6560, + "dusty_miller, Centaurea_cineraria, Centaurea_gymnocarpa": 18230, + "dusty_miller, Senecio_cineraria, Cineraria_maritima": 18412, + "dusty_miller, silver-lace, silver_lace, Tanacetum_ptarmiciflorum, Chrysanthemum_ptarmiciflorum": 18452, + "dwarf-white_trillium, snow_trillium, early_wake-robin": 19662, + "dwarf_astilbe, Astilbe_chinensis_pumila": 20528, + "dwarf_banana, Musa_acuminata": 19364, + "dwarf_bilberry, dwarf_blueberry, Vaccinium_caespitosum": 19043, + "dwarf_buckeye, bottlebrush_buckeye": 20465, + "dwarf_chinkapin_oak, dwarf_chinquapin_oak, dwarf_oak, Quercus_prinoides": 19141, + "dwarf_dandelion, Krigia_dandelion, Krigia_bulbosa": 18348, + "dwarf_elder, danewort, Sambucus_ebulus": 20205, + "dwarf_flowering_almond, Prunus_glandulosa": 20101, + "dwarf_golden_chinkapin, Chrysolepis_sempervirens": 19090, + "dwarf_grey_willow, dwarf_gray_willow, sage_willow, Salix_tristis": 20353, + "dwarf_hulsea, Hulsea_nana": 18342, + "dwarf_iris, Iris_cristata": 19516, + "dwarf_iris, vernal_iris, Iris_verna": 19526, + "dwarf_maple, Rocky-mountain_maple, Acer_glabrum": 20411, + "dwarf_pipefish, Syngnathus_hildebrandi": 403, + "dwarf_sperm_whale, Kogia_simus": 2116, + "dwarf_spurge, Euphorbia_exigua": 20867, + "dwarf_tulip, Tulipa_armena, Tulipa_suaveolens": 19628, + "dwarf_willow, Salix_herbacea": 20343, + "dwelling, home, domicile, abode, habitation, dwelling_house": 6563, + "dye-works": 6564, + "dyer's_rocket, dyer's_mignonette, weld, Reseda_luteola": 19443, + "dyer's_weed, Solidago_rugosa": 18431, + "dyer's_woad, Isatis_tinctoria": 18061, + "dynamo": 6565, + "dynamometer, ergometer": 6566, + "dyspeptic": 15453, + "eager_beaver, busy_bee, live_wire, sharpie, sharpy": 15454, + "eagle, bird_of_Jove": 846, + "eagle_ray": 499, + "eaglet": 848, + "ear, spike, capitulum": 21369, + "eared_seal": 2142, + "earflap, earlap": 6568, + "earl": 15455, + "earleaved_umbrella_tree, Magnolia_fraseri": 17614, + "earless_lizard": 1035, + "earless_seal, true_seal, hair_seal": 2152, + "early_coral_root, pale_coral_root, Corallorhiza_trifida": 18527, + "early_spider_orchid, Ophrys_sphegodes": 18591, + "early_warning_radar": 6569, + "early_warning_system": 6570, + "earmuff": 6571, + "earner, wage_earner": 15456, + "earphone, earpiece, headphone, phone": 6572, + "earplug": 6574, + "earthball, false_truffle, puffball, hard-skinned_puffball": 20988, + "earthenware": 6575, + "earthnut, Conopodium_denudatum": 20909, + "earthstar": 21181, + "earthtongue, earth-tongue": 21598, + "earthwork": 6576, + "earthworm, angleworm, fishworm, fishing_worm, wiggler, nightwalker, nightcrawler, crawler, dew_worm, red_worm": 1742, + "earwig": 2859, + "easel": 6577, + "eastern_chimpanzee, Pan_troglodytes_schweinfurthii": 3608, + "eastern_chipmunk, hackee, striped_squirrel, ground_squirrel, Tamias_striatus": 3153, + "eastern_coral_snake, Micrurus_fulvius": 1209, + "eastern_cottontail, Sylvilagus_floridanus": 3030, + "eastern_cricket_frog, Acris_gryllus": 975, + "eastern_dasyure, Dasyurus_quoll": 1619, + "eastern_fence_lizard, pine_lizard, Sceloporus_undulatus": 1041, + "eastern_grey_squirrel, eastern_gray_squirrel, cat_squirrel, Sciurus_carolinensis": 3136, + "eastern_ground_snake, Potamophis_striatula, Haldea_striatula": 1177, + "eastern_hemlock, Canadian_hemlock, spruce_pine, Tsuga_canadensis": 17427, + "eastern_indigo_snake, Drymarchon_corais_couperi": 1194, + "eastern_kingbird": 611, + "eastern_lowland_gorilla, Gorilla_gorilla_grauri": 3603, + "eastern_meadowlark, Sturnella_magna": 697, + "eastern_narrow-mouthed_toad, Gastrophryne_carolinensis": 979, + "eastern_pipistrel, Pipistrellus_subflavus": 2501, + "eastern_poison_oak, Toxicodendron_quercifolium, Rhus_quercifolia, Rhus_toxicodenedron": 20459, + "eastern_red-backed_salamander, Plethodon_cinereus": 920, + "eastern_woodrat, Neotoma_floridana": 3082, + "easy_chair, lounge_chair, overstuffed_chair": 6578, + "eatage, forage, pasture, pasturage, grass": 13224, + "eating_apple, dessert_apple": 12996, + "eau_de_vie": 13869, + "eaves": 6579, + "eavesdropper": 15457, + "ebony, ebony_tree, Diospyros_ebenum": 20468, + "ebony_spleenwort, Scott's_Spleenwort, Asplenium_platyneuron": 21487, + "eccentric, eccentric_person, flake, oddball, geek": 15458, + "ecclesiastical_attire, ecclesiastical_robe": 6580, + "echidna, spiny_anteater, anteater": 1588, + "echinocactus, barrel_cactus": 17948, + "echinococcus": 1724, + "echinoderm": 3007, + "echinus": 6581, + "echocardiograph": 6582, + "eclectic, eclecticist": 15459, + "econometrician, econometrist": 15460, + "economist, economic_expert": 15461, + "ectomorph": 15462, + "ectoparasite, ectozoan, ectozoon, epizoan, epizoon": 298, + "edelweiss, Leontopodium_alpinum": 18358, + "edentate": 3545, + "edge_tool": 6584, + "edger": 6583, + "edible-pod_pea, edible-podded_pea, Pisum_sativum_macrocarpon": 19873, + "edible_banana, Musa_paradisiaca_sapientum": 19367, + "edible_cockle, Cardium_edule": 1799, + "edible_fruit": 12793, + "edible_mussel, Mytilus_edulis": 1810, + "edible_nut": 12988, + "edible_sea_urchin, Echinus_esculentus": 3013, + "edible_seed": 13193, + "edible_snail, Helix_pomatia": 1760, + "editor, editor_in_chief": 15463, + "eel": 3733, + "eelblenny": 3999, + "eelgrass, grass_wrack, sea_wrack, Zostera_marina": 20017, + "eelworm": 1733, + "efficiency_apartment": 6585, + "eft": 905, + "egg, eggs": 13474, + "egg-and-dart, egg-and-anchor, egg-and-tongue": 6586, + "egg_cream": 14034, + "egg_foo_yong, egg_fu_yung": 13653, + "egg_roll, spring_roll": 13654, + "egg_timer": 6588, + "egg_white, white, albumen, ovalbumin": 13475, + "egg_yolk, yolk": 13476, + "eggar, egger": 2972, + "eggbeater, eggwhisk": 6587, + "eggdrop_soup": 12399, + "eggnog": 14059, + "eggplant, aubergine, mad_apple": 12823, + "eggs_Benedict": 13655, + "egocentric, egoist": 15464, + "egotist, egoist, swellhead": 15465, + "egret": 1917, + "eider, eider_duck": 1545, + "eiderdown": 1656, + "eiderdown, duvet, continental_quilt": 6589, + "eight_ball": 6590, + "ejaculator": 15466, + "ejection_seat, ejector_seat, capsule": 6591, + "eland": 3451, + "elapid, elapid_snake": 1207, + "elasmobranch, selachian": 451, + "elastic": 6592, + "elastic_bandage": 6593, + "elaterid_beetle, elater, elaterid": 2571, + "elbow": 6595, + "elbow_pad": 6596, + "elder": 15467, + "elder_statesman": 15468, + "elderberry": 13158, + "elected_official": 15469, + "electric, electric_automobile, electric_car": 6597, + "electric-discharge_lamp, gas-discharge_lamp": 6607, + "electric_bell": 6603, + "electric_blanket": 6604, + "electric_catfish, Malopterurus_electricus": 3710, + "electric_chair, chair, death_chair, hot_seat": 6605, + "electric_clock": 6606, + "electric_drill": 6478, + "electric_eel, Electrophorus_electric": 370, + "electric_fan, blower": 6608, + "electric_frying_pan": 6609, + "electric_furnace": 6610, + "electric_guitar": 6611, + "electric_hammer": 6612, + "electric_heater, electric_fire": 6613, + "electric_lamp": 6614, + "electric_locomotive": 6615, + "electric_meter, power_meter": 6616, + "electric_mixer": 6617, + "electric_motor": 6618, + "electric_organ, electronic_organ, Hammond_organ, organ": 6619, + "electric_range": 6620, + "electric_ray, crampfish, numbfish, torpedo": 492, + "electric_refrigerator, fridge": 6621, + "electric_toothbrush": 6622, + "electric_typewriter": 6623, + "electrical_cable": 6598, + "electrical_contact": 6599, + "electrical_converter": 6600, + "electrical_device": 6601, + "electrical_system": 6602, + "electrician, lineman, linesman": 15470, + "electro-acoustic_transducer": 6624, + "electrode": 6625, + "electrodynamometer": 6626, + "electroencephalograph": 6627, + "electrograph": 6628, + "electrolytic, electrolytic_capacitor, electrolytic_condenser": 6629, + "electrolytic_cell": 6630, + "electromagnet": 6631, + "electrometer": 6632, + "electromyograph": 6633, + "electron_accelerator": 6634, + "electron_gun": 6635, + "electron_microscope": 6643, + "electron_multiplier": 6644, + "electronic_balance": 6636, + "electronic_converter": 6637, + "electronic_device": 6638, + "electronic_equipment": 6639, + "electronic_fetal_monitor, electronic_foetal_monitor, fetal_monitor, foetal_monitor": 6640, + "electronic_instrument, electronic_musical_instrument": 6641, + "electronic_voltmeter": 6642, + "electrophorus": 6645, + "electroscope": 6646, + "electrostatic_generator, electrostatic_machine, Wimshurst_machine, Van_de_Graaff_generator": 6647, + "electrostatic_printer": 6648, + "elegant_Habenaria, Habenaria_elegans": 18561, + "elegist": 15471, + "element_of_a_cone": 21676, + "element_of_a_cylinder": 21677, + "elephant": 3671, + "elephant's-foot": 18278, + "elephant's-foot, tortoise_plant, Hottentot_bread_vine, Hottentot's_bread_vine, Dioscorea_elephantipes": 18627, + "elephant_bird, aepyornis": 531, + "elephant_seal, sea_elephant": 2155, + "elephant_tree, Bursera_microphylla": 20239, + "elevator": 6650, + "elevator, lift": 6649, + "elevator_shaft": 6651, + "elf_cup": 21139, + "elixir": 13762, + "elixir_of_life": 13763, + "elk, European_elk, moose, Alces_alces": 3477, + "ellipse, oval": 21678, + "ellipsoid": 21714, + "elm, elm_tree": 19492, + "elocutionist": 15472, + "elsholtzia": 20659, + "elver": 3734, + "emancipator, manumitter": 15473, + "embankment": 6652, + "embassy": 6653, + "embellishment": 6654, + "embryo, conceptus, fertilized_egg": 410, + "embryologist": 15474, + "embryonic_cell, formative_cell": 12115, + "emerald": 12034, + "emergency_room, ER": 6655, + "emeritus": 15475, + "emesis_basin": 6656, + "emigrant, emigre, emigree, outgoer": 15476, + "emissary, envoy": 15477, + "emitter": 6657, + "emmer, starch_wheat, two-grain_spelt, Triticum_dicoccum": 18788, + "emperor": 13127, + "emperor, emperor_moth, Saturnia_pavonia": 2955, + "emperor_butterfly, emperor": 2878, + "emperor_penguin, Aptenodytes_forsteri": 2082, + "employee": 15479, + "employer": 15480, + "empress": 15478, + "empty": 6658, + "emu, Dromaius_novaehollandiae, Emu_novaehollandiae": 527, + "emulsion, photographic_emulsion": 6659, + "enamel": 6661, + "enamelware": 6662, + "enate, matrikin, matrilineal_kin, matrisib, matrilineal_sib": 15943, + "encaustic": 6663, + "encephalartos": 17346, + "encephalogram, pneumoencephalogram": 6664, + "enchanter's_nightshade": 19340, + "enchantress, temptress, siren, Delilah, femme_fatale": 15482, + "enchantress, witch": 15481, + "enchilada": 13656, + "enclosure": 6665, + "encolure": 1662, + "encyclical, encyclical_letter": 12238, + "encyclopedist, encyclopaedist": 15483, + "end_man": 15487, + "end_man, corner_man": 15488, + "endameba": 306, + "endive, witloof, Cichorium_endivia": 18248, + "endomorph": 15484, + "endoparasite, entoparasite, entozoan, entozoon, endozoan": 297, + "endorser, indorser": 15489, + "endoscope": 6666, + "enemy, foe, foeman, opposition": 15485, + "energizer, energiser": 6667, + "energizer, energiser, vitalizer, vitaliser, animator": 15486, + "engelmannia": 18282, + "engine": 6669, + "engineering, engine_room": 6670, + "enginery": 6671, + "enjoyer": 15490, + "enlarger": 6674, + "enlisted_woman": 15491, + "enologist, oenologist, fermentologist": 14473, + "enophile, oenophile": 15492, + "ensemble": 6675, + "ensiform_leaf": 21440, + "ensign": 6676, + "entablature": 6677, + "entellus, hanuman, Presbytes_entellus, Semnopithecus_entellus": 3633, + "enteric_bacteria, enterobacteria, enterics, entric": 275, + "entertainer": 14474, + "entertainment_center": 6678, + "entrant": 15494, + "entree, main_course": 12347, + "entrenching_tool, trenching_spade": 6679, + "entrenchment, intrenchment": 6680, + "entrepreneur, enterpriser": 15495, + "envelope": 21662, + "envelope, gasbag": 6683, + "envoy, envoy_extraordinary, minister_plenipotentiary": 15496, + "enzymologist": 15497, + "eohippus, dawn_horse": 3199, + "eolith": 6684, + "epacris": 19059, + "eparch": 15498, + "eparchy, exarchate": 14137, + "epauliere": 6685, + "epee": 6686, + "epergne": 6687, + "ephedra, joint_fir": 17336, + "ephemerid, ephemeropteran": 2827, + "epicarp, exocarp": 17544, + "epicyclic_train, epicyclic_gear_train": 6688, + "epidemiologist": 15499, + "epidendron": 18548, + "epidermal_cell": 12076, + "epidiascope": 6689, + "epigone, epigon": 15500, + "epilating_wax": 6690, + "epileptic": 15501, + "epiphyllum, orchid_cactus": 17953, + "episcia": 20617, + "eptatretus": 444, + "equalizer, equaliser": 6691, + "equator": 21670, + "equatorial": 6692, + "equerry": 15504, + "equestrian_sport": 80, + "equilateral": 21639, + "equine, equid": 3194, + "equipment": 6693, + "erasable_programmable_read-only_memory, EPROM": 6694, + "eraser": 6695, + "erect_bugle, blue_bugle, Ajuga_genevensis": 20643, + "erecting_prism": 6696, + "erection": 6697, + "ergot, Claviceps_purpurea": 20982, + "eriogonum": 19985, + "ermine, shorttail_weasel, Mustela_erminea": 3504, + "ern, erne, grey_sea_eagle, gray_sea_eagle, European_sea_eagle, white-tailed_sea_eagle, Haliatus_albicilla": 855, + "erose_leaf": 21454, + "erotic": 15505, + "eryngo, eringo": 20912, + "escalope_de_veau_Orloff": 12650, + "escape_hatch": 6699, + "escape_wheel": 6701, + "escapee": 15506, + "escapement": 6700, + "escapist, dreamer, wishful_thinker": 15507, + "escarpment, escarp, scarp, protective_embankment": 6702, + "escarpment, scarp": 14282, + "escolar, Lepidocybium_flavobrunneum": 4014, + "escutcheon, scutcheon": 6703, + "esker": 14283, + "esophageal_smear": 12100, + "esophagogastric_junction, oesophagogastric_junction": 12153, + "esophagoscope, oesophagoscope": 6704, + "espadrille": 6705, + "espalier": 6706, + "espionage_agent": 15509, + "espresso": 13982, + "espresso_maker": 6707, + "espresso_shop": 6708, + "establishment": 6709, + "estaminet": 6710, + "esthetician, aesthetician": 15510, + "estradiol_patch": 6711, + "etagere": 6712, + "etamine, etamin": 6713, + "etcher": 15511, + "etching": 6714, + "ethernet": 6715, + "ethernet_cable": 6716, + "ethnologist": 15512, + "etui": 6718, + "etymologist": 15514, + "eucalyptus, eucalypt, eucalyptus_tree": 19311, + "eudiometer": 6719, + "eukaryote, eucaryote": 332, + "eulogist, panegyrist": 14475, + "euphonium": 6720, + "eurypterid": 1310, + "eusporangium": 21293, + "evangelist, revivalist, gospeler, gospeller": 15515, + "evaporated_milk": 13511, + "evaporative_cooler": 6721, + "even-pinnate_leaf, abruptly-pinnate_leaf": 21448, + "even-toed_ungulate, artiodactyl, artiodactyl_mammal": 3309, + "evening-snow, Linanthus_dichotomus": 20564, + "evening_bag": 6722, + "evening_grosbeak, Hesperiphona_vespertina": 587, + "evening_primrose": 19347, + "event_planner": 15517, + "evergreen, evergreen_plant": 21302, + "evergreen_bittersweet, Euonymus_fortunei_radicans, Euonymus_radicans_vegetus": 20401, + "evergreen_blueberry, Vaccinium_myrsinites": 19044, + "evergreen_huckleberry, Vaccinium_ovatum": 19045, + "everlasting, everlasting_flower": 18115, + "everlasting_pea": 19818, + "ewe": 3380, + "ex-gambler": 14476, + "ex-husband, ex": 15852, + "ex-president": 14480, + "ex-spouse": 15531, + "ex-wife, ex": 15409, + "examiner, inspector": 15518, + "examiner, tester, quizzer": 15519, + "exarch": 15520, + "executant": 15521, + "executive_secretary": 15522, + "executive_vice_president": 15523, + "executrix": 15524, + "exegete": 15525, + "exercise_bike, exercycle": 6723, + "exercise_device": 6724, + "exhaust, exhaust_system": 6725, + "exhaust_fan": 6726, + "exhaust_valve": 6727, + "exhibition_hall, exhibition_area": 6728, + "exhibitionist, show-off": 15527, + "exhibitor, exhibitioner, shower": 15526, + "exile, expatriate, expat": 15528, + "existentialist, existentialist_philosopher, existential_philosopher": 15529, + "exorcist, exorciser": 15530, + "exoskeleton": 12157, + "expansion_bit, expansive_bit": 6730, + "expansion_bolt": 6731, + "experimenter": 14478, + "explorer's_gentian, Gentiana_calycosa": 19196, + "explosive_detection_system, EDS": 6732, + "explosive_device": 6733, + "explosive_trace_detection, ETD": 6734, + "exponent": 14479, + "express, limited": 6735, + "extension, telephone_extension, extension_phone": 6736, + "extension_cord": 6737, + "extern, medical_extern": 15532, + "external-combustion_engine": 6738, + "external_drive": 6739, + "extractor": 6740, + "extrados": 21660, + "extremist": 15533, + "extremum, peak": 21637, + "extrovert, extravert": 15534, + "eyas": 814, + "eyebrow_pencil": 6741, + "eyecup, eyebath, eye_cup": 6742, + "eyeliner": 6743, + "eyepatch, patch": 6744, + "eyepiece, ocular": 6745, + "eyeshadow": 6746, + "eyewitness": 15535, + "fabric, cloth, material, textile": 6747, + "facade, frontage, frontal": 6748, + "face": 14481, + "face_guard": 6749, + "face_mask": 6750, + "face_powder": 6752, + "face_veil": 6753, + "faceplate": 6751, + "facilitator": 15536, + "facing": 6755, + "facing, cladding": 6754, + "facing, veneer": 6756, + "facsimile, facsimile_machine, fax": 6757, + "factory, mill, manufacturing_plant, manufactory": 6758, + "factory_ship": 6759, + "facula": 17300, + "fad_diet": 12270, + "fagot, faggot": 6760, + "fagot_stitch, faggot_stitch": 6761, + "faience": 6763, + "faille": 6764, + "failure, loser, nonstarter, unsuccessful_person": 16036, + "fairground": 14171, + "fairlead": 6765, + "fairy-ring_mushroom, Marasmius_oreades": 21067, + "fairy_bluebird, bluebird": 773, + "fairy_godmother": 15537, + "fairy_light": 6766, + "fairy_ring, fairy_circle": 21068, + "fairy_shrimp": 1885, + "fairy_swallow": 1415, + "falafel, felafel": 13657, + "falangist, phalangist": 15538, + "falchion": 6767, + "falcon": 835, + "falcon-gentle, falcon-gentil": 837, + "falconer, hawker": 15539, + "fall-blooming_hydrangea, Hydrangea_paniculata": 20512, + "fall_armyworm, Spodoptera_frugiperda": 2944, + "fall_cankerworm": 2912, + "fall_dandelion, arnica_bud, Leontodon_autumnalis": 18357, + "fall_webworm, Hyphantria_cunea": 2982, + "fallboard, fall-board": 6768, + "fallout_shelter": 6769, + "fallow_deer, Dama_dama": 3478, + "false_alumroot, fringe_cups, Tellima_grandiflora": 20545, + "false_asphodel": 19645, + "false_azalea, fool's_huckleberry, Menziesia_ferruginea": 19025, + "false_bracken, Culcita_dubia": 21509, + "false_buckthorn, chittamwood, chittimwood, shittimwood, black_haw, Bumelia_lanuginosa": 20477, + "false_bugbane, Trautvetteria_carolinensis": 17694, + "false_chamomile": 18212, + "false_deathcap, Amanita_mappa": 21054, + "false_face": 6770, + "false_foxglove, Aureolaria_pedicularia, Gerardia_pedicularia": 20752, + "false_foxglove, Aureolaria_virginica, Gerardia_virginica": 20753, + "false_gavial, Tomistoma_schlegeli": 1091, + "false_goatsbeard, Astilbe_biternata": 20527, + "false_gromwell": 20593, + "false_indigo, bastard_indigo, Amorpha_californica": 19733, + "false_indigo, bastard_indigo, Amorpha_fruticosa": 19734, + "false_lily_of_the_valley, Maianthemum_bifolium": 19669, + "false_lily_of_the_valley, Maianthemum_canadense": 19668, + "false_lupine, golden_pea, yellow_pea, Thermopsis_macrophylla": 19902, + "false_mallow": 18897, + "false_miterwort, false_mitrewort, Tiarella_unifoliata": 20547, + "false_morel": 21156, + "false_rue_anemone, false_rue, Isopyrum_biternatum": 17686, + "false_sago, fern_palm, Cycas_circinalis": 17341, + "false_scorpion, pseudoscorpion": 1261, + "false_tamarisk, German_tamarisk, Myricaria_germanica": 19444, + "false_teeth": 6771, + "false_truffle": 20995, + "false_vampire, false_vampire_bat": 2489, + "false_wintergreen, Pyrola_americana, Pyrola_rotundifolia_americana": 19066, + "falsifier": 15540, + "familiar": 15541, + "family_room": 6772, + "fan": 6773, + "fan, buff, devotee, lover": 15542, + "fan_belt": 6774, + "fan_blade": 6775, + "fan_palm": 19929, + "fan_tracery": 6782, + "fan_vaulting": 6783, + "fanaloka, Fossa_fossa": 2462, + "fanatic, fiend": 15543, + "fancier, enthusiast": 15544, + "fancy_dress, masquerade, masquerade_costume": 6776, + "fanion": 6777, + "fanjet, fan-jet, fanjet_engine, turbojet, turbojet_engine, turbofan, turbofan_engine": 6779, + "fanjet, fan-jet, turbofan, turbojet": 6780, + "fanlight": 6778, + "fanny_pack, butt_pack": 6781, + "fare": 12260, + "farina": 12300, + "farkleberry, sparkleberry, Vaccinium_arboreum": 19040, + "farm_boy": 15545, + "farm_building": 6784, + "farm_horse, dobbin": 3267, + "farm_machine": 6787, + "farmer's_market, green_market, greenmarket": 6785, + "farmer, husbandman, granger, sodbuster": 15546, + "farmhand, fieldhand, field_hand, farm_worker": 15547, + "farmhouse": 6786, + "farmland, farming_area": 14145, + "farmplace, farm-place, farmstead": 6788, + "farmyard": 6789, + "farthingale": 6790, + "fascist": 15548, + "fascista": 15549, + "fast_food": 12256, + "fast_reactor": 6792, + "fastener, fastening, holdfast, fixing": 6791, + "fat-soluble_vitamin": 21820, + "fat_farm": 6793, + "fatalist, determinist, predestinarian, predestinationist": 15550, + "father, male_parent, begetter": 15551, + "father-figure": 15553, + "father-in-law": 15554, + "fatigues": 6794, + "faucet, spigot": 6795, + "fauld": 6796, + "fauteuil": 6797, + "fava_bean, broad_bean": 12934, + "favorite_son": 15557, + "fawn": 3466, + "fawn_lily, Erythronium_californicum": 19615, + "feather_ball, Mammillaria_plumosa": 17960, + "feather_boa, boa": 6798, + "feather_palm": 19928, + "feather_reed_grass, feathertop, Calamagrostis_acutiflora": 18698, + "feather_star, comatulid": 3018, + "featheredge": 6799, + "featherfoil, feather-foil": 18644, + "featherweight": 15558, + "federalist": 15559, + "fedora, felt_hat, homburg, Stetson, trilby": 6800, + "feed, provender": 13219, + "feed_grain": 13223, + "feedback_circuit, feedback_loop": 6801, + "feeder": 197, + "feedlot": 6802, + "feijoa, feijoa_bush": 19304, + "feijoa, pineapple_guava": 13146, + "feist, fice": 2170, + "feline, felid": 2386, + "fell, felled_seam": 6803, + "felloe, felly": 6804, + "fellow_traveler, fellow_traveller": 15560, + "felt": 6805, + "felt-tip_pen, felt-tipped_pen, felt_tip, Magic_Marker": 6806, + "felt_fern, tongue_fern, Pyrrosia_lingua, Cyclophorus_lingua": 21480, + "felt_fungus, Septobasidium_pseudopedicellatum": 21243, + "felucca": 6807, + "felwort, gentianella_amarella": 19203, + "female": 208, + "female, female_person": 14482, + "female_aristocrat": 15561, + "female_child, girl, little_girl": 15563, + "female_mammal": 1583, + "female_offspring": 15562, + "fen_orchid, fen_orchis, Liparis_loeselii": 18578, + "fence": 15564, + "fence, fencing": 6808, + "fence_lizard": 1039, + "fencing_mask, fencer's_mask": 6809, + "fencing_sword": 6810, + "fender, buffer, cowcatcher, pilot": 6812, + "fender, wing": 6811, + "fennel": 20916, + "fennel, Florence_fennel, finocchio": 13323, + "fennel, common_fennel": 13322, + "fennel_flower, Nigella_hispanica": 17690, + "fennel_seed": 13324, + "fenugreek, Greek_clover, Trigonella_foenumgraecum": 19906, + "fenugreek, fenugreek_seed": 13325, + "fer-de-lance, Bothrops_atrops": 1253, + "fern": 17317, + "fern_ally": 17318, + "ferret": 3512, + "ferret_badger": 3530, + "ferrule, collet": 6814, + "ferry, ferryboat": 6815, + "ferule": 6816, + "fescue, fescue_grass, meadow_fescue, Festuca_elatior": 18723, + "festoon": 6817, + "feterita, federita, Sorghum_vulgare_caudatum": 18769, + "fetid_bugbane, foetid_bugbane, Cimicifuga_foetida": 17667, + "fetoscope, foetoscope": 6818, + "fetter, hobble": 6819, + "fetterbush, fetter_bush, shiny_lyonia, Lyonia_lucida": 19024, + "fetterbush, mountain_fetterbush, mountain_andromeda, Pieris_floribunda": 19030, + "fetus, foetus": 411, + "fever_tree": 21325, + "fever_tree, Acacia_xanthophloea": 17737, + "feverfew, Tanacetum_parthenium, Chrysanthemum_parthenium": 18451, + "feverroot, horse_gentian, tinker's_root, wild_coffee, Triostium_perfoliatum": 20208, + "few-flowered_leek, Allium_paradoxum": 19572, + "fez, tarboosh": 6820, + "fiance, groom-to-be": 15565, + "fiber, fibre, vulcanized_fiber": 6821, + "fiber_optic_cable, fibre_optic_cable": 6822, + "fiberscope": 6823, + "fibrous-rooted_begonia": 19378, + "fichu": 6824, + "fictional_animal": 3543, + "fiddleneck, Phacelia_tanacetifolia": 20634, + "fiddler_crab": 1848, + "fiddlestick, violin_bow": 6825, + "field": 14195, + "field-effect_transistor, FET": 6828, + "field-emission_microscope": 6829, + "field-sequential_color_television, field-sequential_color_TV, field-sequential_color_television_system, field-sequential_color_TV_system": 6836, + "field_artillery, field_gun": 6826, + "field_bindweed, wild_morning-glory, Convolvulus_arvensis": 20598, + "field_brome, Bromus_arvensis": 18693, + "field_coil, field_winding": 6827, + "field_cricket, Acheta_assimilis": 2734, + "field_game": 123, + "field_glass, glass, spyglass": 6830, + "field_hockey, hockey": 124, + "field_hockey_ball": 6831, + "field_hospital": 6832, + "field_house, sports_arena": 6833, + "field_judge": 15567, + "field_lens": 6834, + "field_magnet": 6835, + "field_mouse, fieldmouse": 3053, + "field_mustard, wild_mustard, charlock, chadlock, Brassica_kaber, Sinapis_arvensis": 18077, + "field_pansy, heartsease, Viola_arvensis": 19448, + "field_pea": 19876, + "field_pea, field-pea_plant, Austrian_winter_pea, Pisum_sativum_arvense, Pisum_arvense": 19875, + "field_pennycress, French_weed, fanweed, penny_grass, stinkweed, mithridate_mustard, Thlaspi_arvense": 18081, + "field_pussytoes": 18133, + "field_ration": 12288, + "field_scabious, Scabiosa_arvensis": 20221, + "field_soybean": 12937, + "field_spaniel": 2277, + "field_sparrow, Spizella_pusilla": 570, + "field_speedwell, Veronica_agrestis": 20788, + "field_tent": 6837, + "field_thistle, Cirsium_discolor": 18252, + "field_wormwood, Artemisia_campestris": 18153, + "fielder, fieldsman": 15566, + "fieldfare, snowbird, Turdus_pilaris": 637, + "fieldwork": 6838, + "fiesta_flower, Pholistoma_auritum, Nemophila_aurita": 20635, + "fife": 6839, + "fifth_wheel, spare": 6840, + "fig": 13085, + "fig, common_fig, common_fig_tree, Ficus_carica": 19481, + "fig-bird": 709, + "fig_leaf": 6843, + "fig_marigold, pebble_plant": 17890, + "fig_tree": 19480, + "fight": 53, + "fighter, fighter_aircraft, attack_aircraft": 6841, + "fighter_pilot": 15568, + "fighting_chair": 6842, + "figure": 21640, + "figure_eight, figure_of_eight": 6844, + "figure_loom, figured-fabric_loom": 6845, + "figure_skate": 6846, + "figure_skating": 67, + "figwort": 20745, + "filament": 6847, + "filaria": 1737, + "filature": 6848, + "file": 6849, + "file, file_cabinet, filing_cabinet": 6850, + "file_folder": 6851, + "file_server": 6852, + "filefish": 4098, + "filer": 15569, + "filigree, filagree, fillagree": 6853, + "filling": 13759, + "filly": 3201, + "film, cinema, celluloid": 12166, + "film, photographic_film": 6855, + "film, plastic_film": 6856, + "film_advance": 6857, + "film_director, director": 15570, + "filmy_fern, film_fern": 20950, + "filter": 6859, + "fin_keel": 6873, + "finback, finback_whale, fin_whale, common_rorqual, Balaenoptera_physalus": 2108, + "finch": 545, + "finder": 15571, + "finder, viewfinder, view_finder": 6860, + "fine-tooth_comb, fine-toothed_comb": 6862, + "finery": 6861, + "fines_herbes": 13286, + "finger": 6863, + "finger-painting": 6867, + "finger_bowl": 6865, + "finger_food": 12257, + "finger_millet, ragi, ragee, African_millet, coracan, corakan, kurakkan, Eleusine_coracana": 18713, + "finger_paint, fingerpaint": 6866, + "finger_plate, escutcheon, scutcheon": 6868, + "fingerboard": 6864, + "fingerling": 3693, + "fingerstall, cot": 6869, + "finish_coat, finishing_coat": 6871, + "finisher": 14483, + "fipple": 6874, + "fipple_flute, fipple_pipe, recorder, vertical_flute": 6875, + "fir, fir_tree, true_fir": 17401, + "fir_clubmoss, mountain_clubmoss, little_clubmoss, Lycopodium_selago": 21588, + "fire": 6876, + "fire-bellied_toad, Bombina_bombina": 963, + "fire-eater, fire-swallower": 15573, + "fire-eater, hothead": 15574, + "fire-on-the-mountain, painted_leaf, Mexican_fire_plant, Euphorbia_cyathophora": 20865, + "fire_alarm, smoke_alarm": 6877, + "fire_ant": 2707, + "fire_bell": 6879, + "fire_chief, fire_marshal": 15572, + "fire_control_radar": 6883, + "fire_control_system": 6884, + "fire_engine, fire_truck": 6885, + "fire_extinguisher, extinguisher, asphyxiator": 6886, + "fire_iron": 6887, + "fire_marshall": 15576, + "fire_pink, Silene_virginica": 17881, + "fire_screen, fireguard": 6890, + "fire_tongs, coal_tongs": 6891, + "fire_tower": 6892, + "fire_walker": 15577, + "firearm, piece, small-arm": 6878, + "fireball": 14284, + "fireboat": 6880, + "firebox": 6881, + "firebrat, Thermobia_domestica": 2853, + "firebreak, fireguard": 14147, + "firebrick": 6882, + "firebug": 2775, + "firefly, fire_beetle, Pyrophorus_noctiluca": 2573, + "firefly, lightning_bug": 2542, + "fireman's_ax, fireman's_axe": 6888, + "fireman, firefighter, fire_fighter, fire-eater": 15575, + "fireplace, hearth, open_fireplace": 6889, + "firewall": 6893, + "firewater": 13900, + "fireweed, Erechtites_hieracifolia": 18283, + "fireweed, giant_willowherb, rosebay_willowherb, wickup, Epilobium_angustifolium": 19343, + "firing_chamber, gun_chamber": 6894, + "firing_pin": 6895, + "firkin": 6896, + "firm_omelet": 13488, + "firmer_chisel": 6897, + "first-aid_kit": 6898, + "first-aid_station": 6899, + "first_base": 6900, + "first_baseman, first_sacker": 15578, + "first_class": 6901, + "first_lady": 15580, + "first_lieutenant, 1st_lieutenant": 15581, + "first_offender": 15582, + "first_sergeant, sergeant_first_class": 15583, + "firstborn, eldest": 15579, + "fish": 3692, + "fish_and_chips": 13658, + "fish_cake, fish_ball": 12627, + "fish_chowder": 12405, + "fish_fly, fish-fly": 2839, + "fish_fry": 12340, + "fish_geranium, bedding_geranium, zonal_pelargonium, Pelargonium_hortorum": 20232, + "fish_house_punch": 14057, + "fish_joint": 6910, + "fish_knife": 6911, + "fish_loaf": 13713, + "fish_meal": 21787, + "fish_mousse": 12588, + "fish_slice": 6913, + "fish_stew": 12430, + "fish_stick, fish_finger": 12628, + "fishbowl, fish_bowl, goldfish_bowl": 6902, + "fisher, pekan, fisher_cat, black_cat, Martes_pennanti": 3540, + "fisherman's_bend": 6903, + "fisherman's_knot, true_lover's_knot, truelove_knot": 6904, + "fisherman's_lure, fish_lure": 6905, + "fishhook": 6906, + "fishing, sportfishing": 99, + "fishing_boat, fishing_smack, fishing_vessel": 6907, + "fishing_eagle, Haliaeetus_leucorhyphus": 856, + "fishing_gear, tackle, fishing_tackle, fishing_rig, rig": 6908, + "fishing_rod, fishing_pole": 6909, + "fishmonger, fishwife": 15584, + "fishnet, fishing_net": 6912, + "fishpaste": 13588, + "fishtail_palm": 19942, + "fissiped_mammal, fissiped": 2162, + "fitment": 6914, + "five-hitter, 5-hitter": 143, + "five-point_bishop's_cap, Mitella_pentandra": 20541, + "five-spot, Nemophila_maculata": 20630, + "five_spice_powder": 13296, + "fives": 155, + "fixative": 6915, + "fixed_phagocyte": 12122, + "fixer-upper": 6916, + "fizz": 13976, + "flag": 6917, + "flag_officer": 15586, + "flag_smut_fungus": 21241, + "flagellant": 15585, + "flageolet, haricot": 12922, + "flageolet, treble_recorder, shepherd's_pipe": 6918, + "flagfish, American_flagfish, Jordanella_floridae": 381, + "flagon": 6919, + "flagpole, flagstaff": 6920, + "flagship": 6921, + "flail": 6922, + "flak_catcher, flak, flack_catcher, flack": 15587, + "flambeau": 6923, + "flame_fish, flamefish, Apogon_maculatus": 3865, + "flame_flower, flame-flower, flameflower, Talinum_aurantiacum": 17992, + "flame_pea": 19762, + "flame_tokay": 13132, + "flame_tree, broad-leaved_bottletree, Brachychiton_australis": 18928, + "flame_tree, flame_durrajong, Brachychiton_acerifolius, Sterculia_acerifolia": 18927, + "flamethrower": 6924, + "flamingo": 1913, + "flamingo_flower, flamingo_plant, Anthurium_andraeanum, Anthurium_scherzerianum": 17793, + "flan": 12547, + "flange, rim": 6925, + "flanker_back, flanker": 15588, + "flannel": 6926, + "flannel, gabardine, tweed, white": 6927, + "flannelbush, flannel_bush, California_beauty": 18934, + "flannelette": 6928, + "flap, flaps": 6929, + "flapper": 15589, + "flare_star": 14285, + "flash": 6931, + "flash, photoflash, flash_lamp, flashgun, flashbulb, flash_bulb": 6930, + "flash_camera": 6932, + "flash_memory": 6936, + "flasher": 6933, + "flashlight, torch": 6934, + "flashlight_battery": 6935, + "flashlight_fish, Photoblepharon_palpebratus": 394, + "flask": 6937, + "flat-coated_retriever": 2262, + "flat-topped_white_aster": 18186, + "flat_arch, straight_arch": 6938, + "flat_bench": 6941, + "flat_file": 6943, + "flat_panel_display, FPD": 6945, + "flat_tip_screwdriver": 6947, + "flatbed": 6939, + "flatbed_press, cylinder_press": 6940, + "flatbread": 12678, + "flatbrod": 12683, + "flatcar, flatbed, flat": 6942, + "flatfish": 4109, + "flathead": 4089, + "flathead_catfish, mudcat, goujon, shovelnose_catfish, spoonbill_catfish, Pylodictus_olivaris": 3716, + "flatlet": 6944, + "flatmate": 15590, + "flats": 6946, + "flatterer, adulator": 15591, + "flatworm, platyhelminth": 1716, + "flavorer, flavourer, flavoring, flavouring, seasoner, seasoning": 13282, + "flax": 19699, + "flax_rust, flax_rust_fungus, Melampsora_lini": 21227, + "flea": 2603, + "flea_beetle": 2548, + "flea_market": 14148, + "fleabane": 18284, + "fleabane, feabane_mullet, Pulicaria_dysenterica": 18396, + "fleawort, psyllium, Spanish_psyllium, Plantago_psyllium": 19980, + "fledgling, fledgeling": 512, + "fleece": 6948, + "fleet_ballistic_missile_submarine": 6949, + "flesh_fly, Sarcophaga_carnaria": 2618, + "fleur-de-lis, fleur-de-lys": 6950, + "flibbertigibbet, foolish_woman": 15592, + "flicker": 1488, + "flickertail, Richardson_ground_squirrel, Citellus_richardsoni": 3147, + "flight_simulator, trainer": 6951, + "flight_surgeon": 15593, + "flint_corn, flint_maize, Yankee_corn, Zea_mays_indurata": 18794, + "flintlock": 6952, + "flintlock, firelock": 6953, + "flip": 13948, + "flip-flop, thong": 6954, + "flipper, fin": 6955, + "float, plasterer's_float": 6956, + "floating, natation": 34, + "floating-moss, Salvinia_rotundifolia, Salvinia_auriculata": 20971, + "floating_dock, floating_dry_dock": 6957, + "floating_fern, water_sprite, Ceratopteris_pteridioides": 21463, + "floatplane, pontoon_plane": 6958, + "floccose_chanterelle, Cantharellus_floccosus": 21060, + "flood, floodlight, flood_lamp, photoflood": 6959, + "flooded_gum": 19312, + "floor": 14286, + "floor, flooring": 6960, + "floor, level, storey, story": 6961, + "floor_cover, floor_covering": 6964, + "floor_joist": 6965, + "floor_lamp": 6966, + "floorboard": 6963, + "floorwalker, shopwalker": 15594, + "flop, dud, washout": 15595, + "flophouse, dosshouse": 6967, + "florest's_cineraria, Pericallis_hybrida": 18387, + "floret, floweret": 17520, + "florida_selaginella, Selaginella_eatonii": 21596, + "florist's_chrysanthemum, florists'_chrysanthemum, mum, Dendranthema_grandifloruom, Chrysanthemum_morifolium": 18273, + "florist, florist_shop, flower_store": 6968, + "floss": 6969, + "flotsam, jetsam": 6970, + "flounder": 4110, + "flour": 12306, + "flour_beetle, flour_weevil": 2590, + "flour_bin": 6971, + "flour_mill": 6972, + "flower": 17521, + "flower-of-an-hour, flowers-of-an-hour, bladder_ketmia, black-eyed_Susan, Hibiscus_trionum": 18889, + "flower_cluster": 21361, + "flower_girl": 15598, + "flowerbed, flower_bed, bed_of_flowers": 6973, + "flowering_almond, Prunus_triloba": 20122, + "flowering_almond, oriental_bush_cherry, Prunus_japonica": 20104, + "flowering_ash, Fraxinus_cuspidata": 19225, + "flowering_cherry": 20116, + "flowering_fern, Helminthostachys_zeylanica": 20979, + "flowering_fern, osmund": 20955, + "flowering_maple": 18868, + "flowering_quince": 20029, + "flowering_tobacco, Jasmine_tobacco, Nicotiana_alata": 20828, + "flowering_wintergreen, gaywings, bird-on-the-wing, fringed_polygala, Polygala_paucifolia": 20276, + "fluffy_omelet": 13490, + "flugelhorn, fluegelhorn": 6974, + "fluid_drive": 6975, + "fluid_flywheel": 6976, + "fluke, trematode, trematode_worm": 1718, + "flume": 6977, + "flummery": 12587, + "fluorescent_lamp": 6978, + "fluoroscope, roentgenoscope": 6979, + "flush_toilet, lavatory": 6980, + "flute, flute_glass, champagne_flute": 6982, + "flute, transverse_flute": 6981, + "flutist, flautist, flute_player": 15599, + "flux_applicator": 6983, + "fluxmeter": 6984, + "fly": 6985, + "fly-by-night": 15600, + "fly-fishing": 101, + "fly_agaric, Amanita_muscaria": 21055, + "fly_casting": 105, + "fly_orchid": 18618, + "fly_orchid, Ophrys_insectifera, Ophrys_muscifera": 18589, + "fly_poison, Amianthum_muscaetoxicum, Amianthum_muscitoxicum": 19585, + "fly_rod": 6990, + "fly_tent": 6991, + "flycatching_warbler": 676, + "flying_boat": 6986, + "flying_buttress, arc-boutant": 6987, + "flying_carpet": 6988, + "flying_fish": 3805, + "flying_fox": 2474, + "flying_gecko, fringed_gecko, Ptychozoon_homalocephalum": 1026, + "flying_gurnard, flying_robin, butterflyfish": 4094, + "flying_jib": 6989, + "flying_lemur, flying_cat, colugo": 3668, + "flying_phalanger, flying_opossum, flying_squirrel": 1614, + "flytrap": 6992, + "flyweight": 15602, + "flywheel": 6993, + "foal": 3200, + "foamflower, coolwart, false_miterwort, false_mitrewort, Tiarella_cordifolia": 20546, + "fob, watch_chain, watch_guard": 6994, + "fodder": 13222, + "foe, enemy": 15603, + "foghorn": 6995, + "foglamp": 6996, + "foie_gras, pate_de_foie_gras": 13596, + "foil": 6997, + "fold, sheepfold, sheep_pen, sheepcote": 6998, + "folder": 6999, + "folding_chair": 7000, + "folding_door, accordion_door": 7001, + "folding_saw": 7002, + "folk_dancer": 15604, + "folk_poet": 15605, + "follower": 15606, + "fomite, vehicle": 14287, + "fondant": 12501, + "fondue, fondu": 13662, + "food, nutrient": 7, + "food_court": 7003, + "food_fish": 3695, + "food_hamper": 7005, + "food_processor": 7004, + "foodstuff, food_product": 12291, + "fool's_parsley, lesser_hemlock, Aethusa_cynapium": 20894, + "foot": 7006, + "foot_brake": 7012, + "foot_rule": 7016, + "footage": 7007, + "football": 7008, + "football, football_game": 126, + "football_helmet": 7009, + "football_hero": 15607, + "football_player, footballer": 15608, + "football_stadium": 7010, + "footbath": 7011, + "footbridge, overcrossing, pedestrian_bridge": 7013, + "foothill": 14288, + "foothold, footing": 7014, + "footlocker, locker": 7015, + "footman": 15609, + "footstool, footrest, ottoman, tuffet": 7017, + "footwall": 14289, + "footwear": 7019, + "footwear, footgear": 7018, + "foramen_magnum": 12152, + "force_pump": 7021, + "forcemeat, farce": 12660, + "forceps": 7020, + "fore-and-aft_sail": 7023, + "fore-and-after": 7022, + "fore-topmast": 7034, + "fore-topsail": 7035, + "fore_edge, foredge": 7027, + "fore_plane": 7030, + "forecastle, fo'c'sle": 7024, + "forecourt": 7025, + "foredeck": 7026, + "forefather, father, sire": 15610, + "foreground": 7028, + "foreign_agent": 15612, + "foreigner, outsider": 15613, + "foreland": 14290, + "forelock": 12088, + "foreman": 15615, + "foremast": 7029, + "foremother": 15611, + "foresail": 7031, + "foreshore": 14291, + "forest_goat, spindle_horn, Pseudoryx_nghetinhensis": 3460, + "forest_red_gum, Eucalypt_tereticornis": 19332, + "forest_tent_caterpillar, Malacosoma_disstria": 2976, + "forestay": 7032, + "forester, tree_farmer, arboriculturist": 15616, + "forestiera": 19220, + "foretop": 7033, + "forewoman": 15617, + "forge": 7036, + "forger, counterfeiter": 15618, + "forget-me-not, mouse_ear, Myosotis_scorpiodes": 20592, + "fork": 7037, + "fork, crotch": 21746, + "forklift": 7038, + "formalwear, eveningwear, evening_dress, evening_clothes": 7039, + "formula": 13499, + "forsythia": 19221, + "fortification, munition": 7041, + "fortified_wine": 13859, + "fortress, fort": 7042, + "forty-five": 7043, + "forward": 15619, + "fossa, fossa_cat, Cryptoprocta_ferox": 2461, + "fossorial_mammal": 2517, + "foster-brother, foster_brother": 15620, + "foster-father, foster_father": 15621, + "foster-mother, foster_mother": 15622, + "foster-sister, foster_sister": 15623, + "foster-son, foster_son": 15624, + "fothergilla, witch_alder": 19258, + "foul-weather_gear": 7046, + "foulard": 7045, + "foundation_garment, foundation": 7047, + "founder, beginner, founding_father, father": 15625, + "foundress": 15626, + "foundry, metalworks": 7048, + "fountain": 7049, + "fountain_grass, Pennisetum_ruppelii, Pennisetum_setaceum": 18744, + "fountain_pen": 7050, + "four-hitter, 4-hitter": 142, + "four-in-hand": 7051, + "four-lined_plant_bug, four-lined_leaf_bug, Poecilocapsus_lineatus": 2753, + "four-minute_man": 15627, + "four-poster": 7052, + "four-pounder": 7053, + "four-stroke_engine, four-stroke_internal-combustion_engine": 7054, + "four-wheel_drive, 4WD": 7056, + "four-wheeler": 7057, + "four_o'clock": 17938, + "fowling_piece": 7058, + "fox": 2374, + "fox_grape": 13120, + "fox_grape, Vitis_labrusca": 21407, + "fox_hunting, foxhunt": 97, + "fox_squirrel, eastern_fox_squirrel, Sciurus_niger": 3138, + "fox_terrier": 2234, + "foxglove, digitalis": 20763, + "foxhole, fox_hole": 7059, + "foxhound": 2200, + "foxtail, foxtail_grass": 18681, + "foxtail_grass, Lycopodium_alopecuroides": 21591, + "foxtail_orchid": 18608, + "fragmentation_bomb, antipersonnel_bomb, anti-personnel_bomb, daisy_cutter": 7060, + "fragrant_agrimony, Agrimonia_procera": 20027, + "fragrant_cliff_fern, fragrant_shield_fern, fragrant_wood_fern, Dryopteris_fragrans": 21513, + "fragrant_orchid, Gymnadenia_conopsea": 18554, + "frail": 7061, + "fraise": 7062, + "frame": 7064, + "frame, framing": 7063, + "frame_buffer": 7065, + "framer": 15628, + "framework": 7066, + "frangipani, frangipanni": 17775, + "frankfurter_bun, hotdog_bun": 12730, + "franking_machine": 7068, + "fraxinella, dittany, burning_bush, gas_plant, Dictamnus_alba": 20299, + "freak, monster, monstrosity, lusus_naturae": 15630, + "freckle, lentigo": 12085, + "free-liver": 15634, + "free-reed": 7070, + "free-reed_instrument": 7071, + "free_agent": 15632, + "free_agent, free_spirit, freewheeler": 15631, + "free_house": 7069, + "free_press": 12168, + "free_trader": 15636, + "freedom_rider": 15633, + "freeloader": 15635, + "freestone": 12991, + "freetail, free-tailed_bat, freetailed_bat": 2505, + "freewheel": 7072, + "freight_car": 7073, + "freight_elevator, service_elevator": 7074, + "freight_liner, liner_train": 7075, + "freight_train, rattler": 7076, + "french_fries, french-fried_potatoes, fries, chips": 12809, + "fresh_bean": 12921, + "freshwater_bass": 3840, + "freshwater_bream, bream": 3836, + "freshwater_mussel, freshwater_clam": 1811, + "fret": 7083, + "friar's-cowl, Arisarum_vulgare": 17795, + "friar, mendicant": 15638, + "friary": 7084, + "fricassee": 12434, + "friction_clutch": 7085, + "fried_egg": 13493, + "fried_rice, Chinese_fried_rice": 13665, + "friendship_plant, panamica, panamiga, Pilea_involucrata": 19467, + "frieze": 7087, + "frigate": 7089, + "frigate_bird, man-of-war_bird": 2070, + "frijole": 12919, + "frill, flounce, ruffle, furbelow": 7090, + "frilled_lizard, Chlamydosaurus_kingi": 1065, + "fringe-toed_lizard, Uma_notata": 1034, + "fringe_bush, Chionanthus_virginicus": 19219, + "fringe_tree": 19218, + "fringed_gentian": 19204, + "fringed_grass_of_Parnassus, Parnassia_fimbriata": 20544, + "fringed_loosestrife, Lysimachia_ciliatum": 18650, + "fringed_orchis, fringed_orchid": 18556, + "fringed_pink, Dianthus_supurbus": 17864, + "fringed_poppy_mallow, Callirhoe_digitata": 18875, + "fringepod, lacepod": 18082, + "fritillary": 2876, + "fritillary, checkered_lily": 19618, + "frittata": 13666, + "fritter_batter": 13617, + "frock": 7092, + "frock_coat": 7093, + "frog's_lettuce": 20014, + "frog, toad, toad_frog, anuran, batrachian, salientian": 931, + "frog_legs": 13667, + "frog_orchid": 18557, + "frog_orchid, Coeloglossum_viride": 18522, + "frogfish": 3801, + "froghopper": 2814, + "frogmouth": 1482, + "frond": 21429, + "front_man, front, figurehead, nominal_head, straw_man, strawman": 15641, + "front_porch": 7095, + "front_projector": 7096, + "frontal_eminence": 12150, + "frontierswoman": 15640, + "frontlet, frontal": 7094, + "frosted_bat, Vespertilio_murinus": 2492, + "frostweed, frost-weed, frostwort, Helianthemum_canadense, Crocanthemum_canadense": 19422, + "frotteur": 15642, + "frown_line": 21736, + "frozen_custard, soft_ice_cream": 12585, + "frozen_dessert": 12548, + "frozen_food, frozen_foods": 12316, + "frozen_orange_juice, orange-juice_concentrate": 14011, + "frozen_pudding": 12584, + "frozen_yogurt": 12577, + "fruit": 21374, + "fruit_bat, megabat": 2473, + "fruit_cocktail": 12360, + "fruit_custard": 12605, + "fruit_drink, ade": 14020, + "fruit_fly, pomace_fly": 2628, + "fruit_juice, fruit_crush": 14003, + "fruit_machine": 7097, + "fruit_punch": 14046, + "fruit_salad": 13271, + "fruit_tree": 20128, + "fruitlet": 21375, + "frying_pan, frypan, skillet": 7098, + "fuchsia": 19345, + "fucker": 15644, + "fucoid": 323, + "fucoid, fucoid_algae": 322, + "fucus": 324, + "fuddy-duddy": 15645, + "fudge": 12502, + "fuel_filter": 7099, + "fuel_gauge, fuel_indicator": 7100, + "fuel_injection, fuel_injection_system": 7101, + "fuel_system": 7102, + "fuji, fuji_cherry, Prunus_incisa": 20103, + "full-dress_uniform": 7103, + "full_metal_jacket": 7104, + "full_skirt": 7105, + "fullback": 15646, + "fuller's_teasel, Dipsacus_sativus": 20217, + "fulmar, fulmar_petrel, Fulmarus_glacialis": 2093, + "fumigator": 7106, + "funambulism, tightrope_walking": 14, + "funambulist, tightrope_walker": 15647, + "fundamentalist": 15648, + "fundraiser": 15649, + "funeral_home, funeral_parlor, funeral_parlour, funeral_chapel, funeral_church, funeral-residence": 7107, + "fungus": 21040, + "fungus_gnat": 2650, + "fungus_gnat, sciara, sciarid": 2653, + "funnel": 7108, + "funnel, funnel_shape": 21666, + "funny_wagon": 7109, + "fur": 7110, + "fur-piece": 7119, + "fur_coat": 7111, + "fur_hat": 7112, + "fur_seal": 2145, + "furnace": 7113, + "furnace_lining, refractory": 7114, + "furnace_room": 7115, + "furnishing": 7116, + "furnishing, trappings": 7117, + "furniture, piece_of_furniture, article_of_furniture": 7118, + "furrow": 7120, + "fuschia": 12022, + "fuse, electrical_fuse, safety_fuse": 7121, + "fusee_drive, fusee": 7122, + "fuselage": 7123, + "fusil": 7124, + "fustian": 7125, + "futon": 7126, + "futurist": 15650, + "gabardine": 7127, + "gable, gable_end, gable_wall": 7128, + "gable_roof, saddle_roof, saddleback, saddleback_roof": 7129, + "gaboon_viper, Bitis_gabonica": 1235, + "gadfly": 2620, + "gadgeteer": 15651, + "gadgetry": 7130, + "gadoid, gadoid_fish": 3719, + "gaff": 7133, + "gaff_topsail, fore-and-aft_topsail": 7135, + "gaffsail, gaff-headed_sail": 7134, + "gag, muzzle": 7136, + "gagman, gagster, gagwriter": 15652, + "gagman, standup_comedian": 15653, + "gaillardia": 18303, + "gainer, full_gainer": 39, + "gainer, weight_gainer": 15654, + "gaiter": 7138, + "gal": 15655, + "galago, bushbaby, bush_baby": 3662, + "galangal, Alpinia_galanga": 19373, + "galantine": 13668, + "galax, galaxy, wandflower, beetleweed, coltsfoot, Galax_urceolata": 19054, + "galbulus": 17541, + "galingale, galangal, Cyperus_longus": 18804, + "gall_midge, gallfly, gall_gnat": 2610, + "gall_wasp, gallfly, cynipid_wasp, cynipid_gall_wasp": 2695, + "galleon": 7140, + "gallery": 7141, + "gallery, art_gallery, picture_gallery": 7142, + "galley": 7145, + "galley, ship's_galley, caboose, cookhouse": 7143, + "gallfly": 2527, + "gallinaceous_bird, gallinacean": 1312, + "gallinule, marsh_hen, water_hen, swamphen": 1943, + "gallows": 7146, + "gallows_tree, gallows-tree, gibbet, gallous": 7147, + "galoot": 15656, + "galvanometer": 7148, + "gambist": 15657, + "gambler": 15658, + "gambling_house, gambling_den, gambling_hell, gaming_house": 7149, + "gamboge, lemon, lemon_yellow, maize": 12027, + "gamboge_tree, Garcinia_hanburyi, Garcinia_cambogia, Garcinia_gummi-gutta": 19401, + "gambrel, gambrel_roof": 7150, + "game": 7151, + "game_bird": 2516, + "game_equipment": 7153, + "game_fish, sport_fish": 3694, + "game_fowl": 1318, + "gamebag": 7152, + "gamecock, fighting_cock": 515, + "gametangium": 21295, + "gametophyte": 17552, + "gamine": 15659, + "gaming_table": 7154, + "gamp, brolly": 7155, + "gander": 1557, + "ganglion_cell, gangliocyte": 12113, + "gangplank, gangboard, gangway": 7156, + "gangsaw": 7157, + "gangway": 7158, + "gannet": 2071, + "ganoid, ganoid_fish": 4061, + "gantlet": 7159, + "gantry, gauntry": 7160, + "gar, garfish, garpike, billfish, Lepisosteus_osseus": 4068, + "garage": 7161, + "garage, service_department": 7162, + "garambulla, garambulla_cactus, Myrtillocactus_geometrizans": 17961, + "garbage": 7164, + "garbage_heap, junk_heap, rubbish_heap, scrapheap, trash_heap, junk_pile, trash_pile, refuse_heap": 14150, + "garbage_man, garbageman, garbage_collector, garbage_carter, garbage_hauler, refuse_collector, dustman": 15660, + "garbage_truck, dustcart": 7165, + "garboard, garboard_plank, garboard_strake": 7166, + "garden": 7168, + "garden_angelica, archangel, Angelica_Archangelica": 20897, + "garden_centipede, garden_symphilid, symphilid, Scutigerella_immaculata": 1301, + "garden_cress": 12959, + "garden_forget-me-not, Myosotis_sylvatica": 20591, + "garden_huckleberry, wonderberry, sunberry, Solanum_nigrum_guineese, Solanum_melanocerasum, Solanum_burbankii": 20801, + "garden_lettuce, common_lettuce, Lactuca_sativa": 18349, + "garden_nasturtium, Indian_cress, Tropaeolum_majus": 20318, + "garden_orache, mountain_spinach, Atriplex_hortensis": 17915, + "garden_pea": 19872, + "garden_rake": 7169, + "garden_snail": 1761, + "garden_spade": 7170, + "garden_spider, Aranea_diademata": 1269, + "garden_tool, lawn_tool": 7171, + "garden_trowel": 7172, + "garden_webworm, Loxostege_similalis": 2983, + "gardener": 15661, + "garganey, Anas_querquedula": 1522, + "gargoyle": 7173, + "garibaldi": 7174, + "garland_flower, Daphne_cneorum": 19354, + "garlic, Allium_sativum": 19573, + "garlic, ail": 13326, + "garlic_bread": 12679, + "garlic_butter": 13589, + "garlic_chive": 13328, + "garlic_chive, Chinese_chive, Oriental_garlic, Allium_tuberosum": 19578, + "garlic_mustard, hedge_garlic, sauce-alone, jack-by-the-hedge, Alliaria_officinalis": 18007, + "garlic_press": 7175, + "garment": 7176, + "garment_bag": 7177, + "garment_cutter": 15662, + "garnish": 12614, + "garrison_cap, overseas_cap": 7178, + "garrote, garotte, garrotte, iron_collar": 7179, + "garroter, garrotter, strangler, throttler, choker": 15663, + "garter, supporter": 7180, + "garter_belt, suspender_belt": 7181, + "garter_snake, grass_snake": 1171, + "garter_stitch": 7182, + "gas-cooled_reactor": 7187, + "gas-discharge_tube": 7188, + "gas-turbine_ship": 7211, + "gas_bracket": 7185, + "gas_burner, gas_jet": 7186, + "gas_engine": 7189, + "gas_fixture": 7190, + "gas_furnace": 7191, + "gas_gun": 7192, + "gas_guzzler": 7183, + "gas_heater": 7193, + "gas_holder, gasometer": 7194, + "gas_lamp": 7196, + "gas_maser": 7197, + "gas_meter, gasometer": 7199, + "gas_oven": 7203, + "gas_pump, gasoline_pump, petrol_pump, island_dispenser": 7204, + "gas_range, gas_stove, gas_cooker": 7205, + "gas_ring": 7206, + "gas_shell": 7184, + "gas_tank, gasoline_tank, petrol_tank": 7207, + "gas_thermometer, air_thermometer": 7208, + "gas_turbine": 7210, + "gasket": 7195, + "gasman": 15664, + "gasmask, respirator, gas_helmet": 7198, + "gasoline_engine, petrol_engine": 7200, + "gasoline_gauge, gasoline_gage, gas_gauge, gas_gage, petrol_gauge, petrol_gage": 7201, + "gasteromycete, gastromycete": 21170, + "gastroenterologist": 15665, + "gastropod, univalve": 1753, + "gastroscope": 7209, + "gastrula": 416, + "gat, rod": 7212, + "gate": 7213, + "gatehouse": 7214, + "gateleg_table": 7215, + "gatepost": 7216, + "gathered_skirt": 7217, + "gatherer": 15666, + "gauge, gage": 7219, + "gauge_boson": 14292, + "gauntlet, gantlet": 7220, + "gauntlet, gantlet, metal_glove": 7221, + "gaur, Bibos_gaurus": 3373, + "gauze, gauze_bandage": 7223, + "gauze, netting, veiling": 7222, + "gavel": 7224, + "gavial, Gavialis_gangeticus": 1097, + "gaviiform_seabird": 2057, + "gawker": 15667, + "gayal, mithan, Bibos_frontalis": 3374, + "gazania": 18304, + "gazebo, summerhouse": 7225, + "gazelle": 3435, + "gazette": 12180, + "gazpacho": 12386, + "gean, mazzard, mazzard_cherry": 20089, + "gear, gear_mechanism": 7228, + "gear, gear_wheel, geared_wheel, cogwheel": 7226, + "gear, paraphernalia, appurtenance": 7227, + "gearbox, gear_box, gear_case": 7229, + "gearing, gear, geartrain, power_train, train": 7230, + "gearset": 7231, + "gearshift, gearstick, shifter, gear_lever": 7232, + "gebang_palm, Corypha_utan, Corypha_gebanga": 19949, + "gecko": 1025, + "gee-gee": 3198, + "geebung": 18976, + "gefilte_fish, fish_ball": 13669, + "gelatin, jelly": 12641, + "gelatin_dessert": 12642, + "gelding": 3207, + "gelechiid, gelechiid_moth": 2927, + "gemma": 17540, + "gempylid": 4012, + "gemsbok, gemsbuck, Oryx_gazella": 3459, + "gendarme": 15668, + "gene_chip, DNA_chip": 7235, + "general, full_general": 15669, + "general-purpose_bomb, GP_bomb": 7236, + "generator": 7239, + "generator, source, author": 15670, + "generic, generic_wine": 13857, + "genet, Genetta_genetta": 2463, + "geneticist": 15671, + "geneva, Holland_gin, Hollands": 13885, + "genip, Spanish_lime": 13147, + "genipa": 20179, + "genipap, genipap_fruit": 13148, + "genipap_fruit, jagua, marmalade_box, Genipa_Americana": 20180, + "genitor": 15672, + "genlisea": 20740, + "gent": 15673, + "gentian": 19193, + "gentianella, Gentiana_acaulis": 19194, + "gentile": 14586, + "gentile, non-Jew, goy": 14585, + "geodesic_dome": 7241, + "geoduck": 1795, + "geological_formation, formation": 14293, + "geological_horizon": 14192, + "geologist": 15674, + "geometrid, geometrid_moth": 2907, + "geophysicist": 15675, + "geophyte": 21334, + "georgette": 7242, + "geranium": 20223, + "gerardia": 20766, + "gerbil, gerbille": 3094, + "gerenuk, Litocranius_walleri": 3428, + "germ_tube": 17538, + "germander": 20728, + "germander_speedwell, bird's_eye, Veronica_chamaedrys": 20792, + "gesneria": 20612, + "gesneriad": 20611, + "geyser": 14294, + "gharry": 7243, + "ghat": 7244, + "ghee": 13528, + "gherkin": 13118, + "ghetto_blaster, boom_box": 7245, + "ghostwriter, ghost": 15676, + "giant": 228, + "giant_armadillo, tatou, tatu, Priodontes_giganteus": 3551, + "giant_bamboo, kyo-chiku, Dendrocalamus_giganteus": 18801, + "giant_buttercup, Laccopetalum_giganteum": 17687, + "giant_chinkapin, golden_chinkapin, Chrysolepis_chrysophylla, Castanea_chrysophylla, Castanopsis_chrysophylla": 19089, + "giant_clam, Tridacna_gigas": 1797, + "giant_cockroach": 2746, + "giant_conch, Strombus_gigas": 1758, + "giant_coreopsis, Coreopsis_gigantea": 18262, + "giant_crab, Macrocheira_kaempferi": 1853, + "giant_eland, Taurotragus_derbianus": 3453, + "giant_foxtail": 18757, + "giant_hornet, Vespa_crabro": 2681, + "giant_hyssop": 20637, + "giant_kangaroo, great_grey_kangaroo, Macropus_giganteus": 1598, + "giant_panda, panda, panda_bear, coon_bear, Ailuropoda_melanoleuca": 3690, + "giant_petrel, giant_fulmar, Macronectes_giganteus": 2092, + "giant_puffball, Calvatia_gigantea": 21180, + "giant_red_paintbrush, Castilleja_miniata": 20757, + "giant_ryegrass, Elymus_condensatus, Leymus_condensatus": 18716, + "giant_salamander, Megalobatrachus_maximus": 913, + "giant_schnauzer": 2248, + "giant_scrambling_fern, Diplopterygium_longissimum": 21461, + "giant_silkworm_moth, silkworm_moth": 2957, + "giant_star_grass, Cynodon_plectostachyum": 18704, + "giant_sunflower, tall_sunflower, Indian_potato, Helianthus_giganteus": 18328, + "giant_taro, Alocasia_macrorrhiza": 17788, + "giant_tortoise": 1015, + "giant_water_bug": 2767, + "giardia": 339, + "gib": 2394, + "gibbon, Hylobates_lar": 3612, + "gidgee, stinking_wattle, Acacia_cambegei": 17731, + "gift_shop, novelty_shop": 7246, + "gift_wrapping": 7247, + "gig": 7251, + "gilded_flicker, Colaptes_chrysoides": 1490, + "gildhall": 7252, + "gill_fungus": 21083, + "gill_net": 7253, + "gilt, gilding": 7254, + "gimbal": 7255, + "gimlet": 13949, + "gin": 13883, + "gin_and_it": 13958, + "gin_and_tonic": 13950, + "gin_rickey": 14063, + "gin_sling": 13968, + "ginger": 19370, + "ginger, gingerroot": 13303, + "ginger, powdered_ginger": 13304, + "ginger_ale, ginger_pop": 14035, + "ginger_beer": 13800, + "gingham": 7256, + "ginkgo, gingko, maidenhair_tree, Ginkgo_biloba": 17516, + "ginseng": 17835, + "ginseng, nin-sin, Panax_ginseng, Panax_schinseng, Panax_pseudoginseng": 17834, + "gipsywort, gypsywort, Lycopus_europaeus": 20676, + "giraffe, camelopard, Giraffa_camelopardalis": 3500, + "girandole, girandola": 7257, + "girder": 7258, + "girdle, cincture, sash, waistband, waistcloth": 7259, + "girl, miss, missy, young_lady, young_woman, fille": 15678, + "girl_wonder": 15681, + "girlfriend": 15680, + "girlfriend, girl, lady_friend": 15679, + "gitano": 15683, + "glacier": 14295, + "glacier_lily, snow_lily, Erythronium_grandiflorum": 19616, + "glade_mallow, Napaea_dioica": 18899, + "gladiator": 15684, + "glass": 7261, + "glass, drinking_glass": 7260, + "glass_cutter": 7262, + "glass_lizard, glass_snake, joint_snake": 1071, + "glass_sponge": 1674, + "glass_wool": 21783, + "glassblower": 15685, + "glasses_case": 7263, + "glasswort, samphire, Salicornia_europaea": 17924, + "gleaner": 15686, + "glebe_house": 7264, + "glen": 14296, + "glenoid_fossa, glenoid_cavity": 12104, + "glider, sailplane": 7266, + "glint": 12000, + "gliricidia": 19804, + "globe_amaranth, bachelor's_button, Gomphrena_globosa": 17902, + "globe_lily, fairy_lantern": 19597, + "globe_mallow, false_mallow": 18907, + "globe_pepper": 12875, + "globe_thistle": 18277, + "globeflower, globe_flower": 17695, + "globigerina": 308, + "glockenspiel, orchestral_bells": 7268, + "glomerule": 21367, + "gloriosa, glory_lily, climbing_lily, creeping_lily, Gloriosa_superba": 19633, + "glory_hole, lazaretto": 7269, + "glory_pea, clianthus": 19766, + "glossy_snake, Arizona_elegans": 1164, + "glove": 7270, + "glove_compartment": 7271, + "glow_lamp": 7272, + "glow_tube": 7273, + "glowworm": 2543, + "gloxinia": 20618, + "glume": 21433, + "gluten-free_diet": 12271, + "gluten_bread": 12680, + "glutton, Gulo_gulo, wolverine": 3533, + "glyptic_art, glyptography": 7274, + "glyptics, lithoglyptics": 7275, + "gnat": 2647, + "gnatcatcher": 659, + "gnathostome": 445, + "gnetum, Gnetum_gnemon": 17334, + "gnomon": 7276, + "gnu, wildebeest": 3430, + "go-kart": 7283, + "goa_bean": 12902, + "goal": 7277, + "goalmouth": 7278, + "goalpost": 7279, + "goat's_rue, goat_rue, Galega_officinalis": 19799, + "goat, caprine_animal": 3409, + "goat_antelope": 3420, + "goat_cheese, chevre": 13560, + "goat_grass, Aegilops_triuncalis": 18671, + "goat_herder, goatherd": 15687, + "goat_willow, florist's_willow, pussy_willow, Salix_caprea": 20337, + "goatfish, red_mullet, surmullet, Mullus_surmuletus": 3953, + "goats'_milk": 13503, + "goatsfoot, goat's_foot, Oxalis_caprina": 20268, + "goatsucker, nightjar, caprimulgid": 1477, + "goblet": 7280, + "goby, gudgeon": 4006, + "godchild": 15688, + "godfather": 15689, + "godown": 7281, + "godparent": 15690, + "godson": 15691, + "godwit": 2007, + "gofer": 15692, + "goffer, gopher": 15693, + "goggles": 7282, + "gold-crowned_kinglet, Regulus_satrata": 662, + "gold-tail_moth, Euproctis_chrysorrhoea": 2906, + "gold_fern, Pityrogramma_chrysophylla": 21571, + "gold_plate": 7284, + "goldcrest, golden-crested_kinglet, Regulus_regulus": 661, + "golden-beard_penstemon, Penstemon_barbatus": 20769, + "golden_algae": 318, + "golden_aster": 18243, + "golden_barrel_cactus, Echinocactus_grusonii": 17950, + "golden_calla": 17819, + "golden_clematis, Clematis_tangutica": 17671, + "golden_cup, Mexican_tulip_poppy, Hunnemania_fumariifolia": 18101, + "golden_eagle, Aquila_chrysaetos": 850, + "golden_fern, Pityrogramma_calomelanos_aureoflava": 21570, + "golden_fern, leather_fern, Acrostichum_aureum": 21547, + "golden_fig, Florida_strangler_fig, strangler_fig, wild_fig, Ficus_aurea": 19483, + "golden_glow, double_gold, hortensia, Rudbeckia_laciniata_hortensia": 18406, + "golden_hamster, Syrian_hamster, Mesocricetus_auratus": 3093, + "golden_larch, Pseudolarix_amabilis": 17400, + "golden_mole": 1639, + "golden_oriole, Oriolus_oriolus": 708, + "golden_pheasant, Chrysolophus_pictus": 1376, + "golden_plover": 1967, + "golden_polypody, serpent_fern, rabbit's-foot_fern, Phlebodium_aureum, Polypodium_aureum": 21476, + "golden_pothos, pothos, ivy_arum, Epipremnum_aureum, Scindapsus_aureus": 17803, + "golden_retriever": 2264, + "golden_saxifrage, golden_spleen": 20532, + "golden_shower_tree, drumstick_tree, purging_cassia, pudding_pipe_tree, canafistola, canafistula, Cassia_fistula": 19710, + "golden_thistle": 18409, + "golden_wattle, Acacia_pycnantha": 17736, + "golden_willow, Salix_alba_vitellina, Salix_vitellina": 20330, + "golden_yarrow, Eriophyllum_lanatum": 18294, + "goldenbush": 18318, + "goldeneye, whistler, Bucephela_clangula": 1531, + "goldenrod": 18424, + "goldenseal, golden_seal, yellow_root, turmeric_root, Hydrastis_Canadensis": 17685, + "goldfield": 14152, + "goldfields, Lasthenia_chrysostoma": 18354, + "goldfinch, Carduelis_carduelis": 548, + "goldfish, Carassius_auratus": 368, + "goldilocks, goldilocks_aster, Aster_linosyris, Linosyris_vulgaris": 18171, + "goldsmith, goldworker, gold-worker": 15694, + "goldthread, golden_thread, Coptis_groenlandica, Coptis_trifolia_groenlandica": 17677, + "golf, golf_game": 114, + "golf-club_head, club_head, club-head, clubhead": 7289, + "golf_bag": 7285, + "golf_ball": 7286, + "golf_club, golf-club, club": 7288, + "golf_equipment": 7290, + "golf_glove": 7291, + "golfcart, golf_cart": 7287, + "golfer, golf_player, linksman": 15695, + "goliath_frog, Rana_goliath": 938, + "golliwog, golliwogg": 7292, + "goncalo_alves, Astronium_fraxinifolium": 20438, + "gondola": 7293, + "gondolier, gondoliere": 15696, + "gong, tam-tam": 7294, + "goniometer": 7295, + "gonococcus, Neisseria_gonorrhoeae": 273, + "good-king-henry, allgood, fat_hen, wild_spinach, Chenopodium_bonus-henricus": 17906, + "good_Samaritan": 15699, + "good_guy": 15697, + "good_old_boy, good_ole_boy, good_ol'_boy": 15698, + "gook, slant-eye": 14516, + "goosander, Mergus_merganser": 1550, + "goose": 1555, + "goose_barnacle, gooseneck_barnacle, Lepas_fascicularis": 1893, + "goose_grass, Texas_millet, Panicum_Texanum": 18740, + "gooseberry": 13029, + "gooseberry, gooseberry_bush, Ribes_uva-crispa, Ribes_grossularia": 20552, + "goosefish, angler, anglerfish, angler_fish, monkfish, lotte, allmouth, Lophius_Americanus": 3798, + "gooseneck_loosestrife, Lysimachia_clethroides_Duby": 18648, + "gopher, pocket_gopher, pouched_rat": 3129, + "gopher_hole": 14297, + "gopher_snake, Pituophis_melanoleucus": 1166, + "gopher_tortoise, gopher_turtle, gopher, Gopherus_polypemus": 1016, + "goral, Naemorhedus_goral": 3422, + "gorge": 14298, + "gorget": 7297, + "gorgonian, gorgonian_coral": 1696, + "gorgonzola": 13549, + "gorilla, Gorilla_gorilla": 3601, + "gorse, furze, whin, Irish_gorse, Ulex_europaeus": 19907, + "goshawk, Accipiter_gentilis": 816, + "gosling": 1556, + "gossamer": 7298, + "gossip_columnist": 15700, + "gouache": 7300, + "gouge": 7301, + "gouger": 15701, + "goulash, Hungarian_goulash, gulyas": 12420, + "gourd": 18825, + "gourd, calabash": 7302, + "gourd, gourd_vine": 18824, + "government_building": 7303, + "government_office": 7304, + "governor's_plum, governor_plum, Madagascar_plum, ramontchi, batoko_palm, Flacourtia_indica": 19425, + "governor_general": 15702, + "gowen_cypress, Cupressus_goveniana": 17437, + "gown": 7305, + "gown, robe": 7306, + "gown, surgical_gown, scrubs": 7307, + "grab": 7308, + "grab_bag": 7309, + "grab_bar": 7310, + "grabber": 15703, + "grace_cup": 7311, + "grackle, crow_blackbird": 702, + "grade": 3357, + "grade_separation": 7312, + "grader": 15704, + "graduate_nurse, trained_nurse": 15705, + "graduated_cylinder": 7313, + "graffito, graffiti": 7314, + "graham_bread": 12681, + "graham_cracker": 12767, + "grain": 18782, + "grain, caryopsis": 18821, + "grain, food_grain, cereal": 13233, + "grain_moth": 2928, + "grain_sorghum": 18767, + "grainfield, grain_field": 14153, + "graining, woodgraining": 11995, + "grains_of_paradise, Guinea_grains, Guinea_pepper, melagueta_pepper, Aframomum_melegueta": 19375, + "grainy_club": 21127, + "grama, grama_grass, gramma, gramma_grass": 18694, + "gramineous_plant, graminaceous_plant": 18664, + "grammarian, syntactician": 15706, + "gramophone, acoustic_gramophone": 7315, + "grampus, Grampus_griseus": 2127, + "granadilla": 13090, + "granadilla, giant_granadilla, Passiflora_quadrangularis": 19435, + "granadilla, purple_granadillo, Passiflora_edulis": 19433, + "granadilla, sweet_granadilla, Passiflora_ligularis": 19434, + "granadilla_tree, granadillo, Brya_ebenus": 17712, + "granary, garner": 7316, + "grand_piano, grand": 7318, + "granddaughter": 15707, + "grande_dame": 15708, + "grandfather, gramps, granddad, grandad, granddaddy, grandpa": 15709, + "grandfather_clock, longcase_clock": 7317, + "grandma, grandmother, granny, grannie, gran, nan, nanna": 15711, + "grandmaster": 15712, + "grandparent": 15713, + "graniteware": 7319, + "granny's_bonnets, Aquilegia_vulgaris": 17663, + "granny_knot, granny": 7320, + "grantee": 15714, + "granter": 15715, + "granulated_sugar": 12458, + "grape": 13119, + "grape_arbor, grape_arbour": 7321, + "grape_fern": 20975, + "grape_hyacinth": 19640, + "grape_jelly": 12638, + "grape_juice": 14007, + "grapefruit": 13062, + "grapefruit, Citrus_paradisi": 20286, + "grapefruit_juice": 14009, + "grapefruit_peel": 12489, + "grapnel, grapnel_anchor": 7322, + "grapnel, grapple, grappler, grappling_hook, grappling_iron": 7323, + "grappa": 13880, + "grass": 18665, + "grass_fern, ribbon_fern, Vittaria_lineata": 21483, + "grass_frog, Rana_temporaria": 941, + "grass_pea, Indian_pea, khesari, Lathyrus_sativus": 19823, + "grass_pink, Calopogon_pulchellum, Calopogon_tuberosum": 18514, + "grass_poly, hyssop_loosestrife, Lythrum_hyssopifolia": 19291, + "grass_skirt": 7324, + "grass_snake, ring_snake, ringed_snake, Natrix_natrix": 1181, + "grass_vetch, grass_vetchling, Lathyrus_nissolia": 19820, + "grass_widower, divorced_man": 15716, + "grassfinch, grass_finch": 600, + "grasshopper": 13951, + "grasshopper, hopper": 2722, + "grasshopper_mouse": 3073, + "grassland": 14164, + "grassy_death_camas, Zigadenus_venenosus, Zigadenus_venenosus_gramineus": 19660, + "grate, grating": 7326, + "grated_cheese": 13562, + "grater": 7327, + "gravel, crushed_rock": 21774, + "gravelweed, Verbesina_helianthoides": 18471, + "graver, graving_tool, pointel, pointrel": 7328, + "gravestone, headstone, tombstone": 7329, + "gravimeter, gravity_meter": 7330, + "gravure, photogravure, heliogravure": 7331, + "gravy": 13453, + "gravy, pan_gravy": 13452, + "gravy_boat, gravy_holder, sauceboat, boat": 7332, + "gray, grayness, grey, greyness": 12014, + "grease-gun, gun": 7334, + "greasepaint": 7335, + "greasewood, black_greasewood, Sarcobatus_vermiculatus": 17927, + "greasy_spoon": 7336, + "great-aunt, grandaunt": 15717, + "great-nephew, grandnephew": 15723, + "great-niece, grandniece": 15724, + "great_Solomon's-seal, Polygonatum_biflorum, Polygonatum_commutatum": 19671, + "great_St_John's_wort, Hypericum_ascyron, Hypericum_pyramidatum": 19404, + "great_ape, pongid": 3599, + "great_barracuda, Sphyraena_barracuda": 3963, + "great_blue_heron, Ardea_herodius": 1915, + "great_bowerbird, Chlamydera_nuchalis": 800, + "great_burdock, greater_burdock, cocklebur, Arctium_lappa": 18141, + "great_bustard, Otis_tarda": 1954, + "great_crested_grebe, Podiceps_cristatus": 2061, + "great_duckweed, water_flaxseed, Spirodela_polyrrhiza": 17823, + "great_grandchild": 15718, + "great_granddaughter": 15719, + "great_grandmother": 15720, + "great_grandparent": 15721, + "great_grandson": 15722, + "great_grey_owl, great_gray_owl, Strix_nebulosa": 878, + "great_hall": 7338, + "great_horned_owl, Bubo_virginianus": 877, + "great_knapweed, greater_knapweed, Centaurea_scabiosa": 18235, + "great_plains_paintbrush, Castilleja_sessiliflora": 20758, + "great_ragweed, Ambrosia_trifida": 18125, + "great_skua, Catharacta_skua": 2042, + "great_snipe, woodcock_snipe, Gallinago_media": 1999, + "great_white_heron, Ardea_occidentalis": 1916, + "great_white_heron, Casmerodius_albus": 1921, + "great_white_shark, white_shark, man-eater, man-eating_shark, Carcharodon_carcharias": 460, + "great_yellow_gentian, Gentiana_lutea": 19198, + "great_yellowcress, Rorippa_amphibia, Nasturtium_amphibium": 18075, + "greatcoat, overcoat, topcoat": 7337, + "greater_butterfly_orchid, Platanthera_chlorantha, Habenaria_chlorantha": 18598, + "greater_kudu, Tragelaphus_strepsiceros": 3441, + "greater_masterwort, Astrantia_major": 20903, + "greater_prairie_chicken, Tympanuchus_cupido": 1358, + "greater_scaup, Aythya_marila": 1537, + "greater_spearwort, Ranunculus_lingua": 17639, + "greater_water_parsnip, Sium_latifolium": 20934, + "greater_whitethroat, whitethroat, Sylvia_communis": 666, + "greater_yellowlegs, Tringa_melanoleuca": 1981, + "greave, jambeau": 7339, + "grebe": 2060, + "green, greenness, viridity": 12029, + "green-tailed_towhee, Chlorura_chlorura": 594, + "green_June_beetle, figeater": 2562, + "green_adder's_mouth, Malaxis-unifolia, Malaxis_ophioglossoides": 18582, + "green_alder, Alnus_veridis": 19173, + "green_alder, Alnus_veridis_crispa, Alnus_crispa": 19174, + "green_algae, chlorophyte": 326, + "green_arrow_arum, tuckahoe, Peltandra_virginica": 17810, + "green_ash, Fraxinus_pennsylvanica_subintegerrima": 19231, + "green_bean": 12923, + "green_bristlegrass, green_foxtail, rough_bristlegrass, bottle-grass, bottle_grass, Setaria_viridis": 18759, + "green_douglas_fir, douglas_spruce, douglas_pine, douglas_hemlock, Oregon_fir, Oregon_pine, Pseudotsuga_menziesii": 17432, + "green_frog, spring_frog, Rana_clamitans": 936, + "green_hellebore, Helleborus_viridis": 17683, + "green_lacewing, chrysopid, stink_fly": 2835, + "green_lizard, Lacerta_viridis": 1079, + "green_mamba": 1223, + "green_mayonnaise, sauce_verte": 13428, + "green_monkey, African_green_monkey, Cercopithecus_aethiops_sabaeus": 3620, + "green_olive": 13174, + "green_onion, spring_onion, scallion": 12885, + "green_pea, garden_pea": 12905, + "green_pea_soup, potage_St._Germain": 12408, + "green_peach_aphid": 2800, + "green_peafowl, Pavo_muticus": 1387, + "green_pepper": 12874, + "green_salad": 13262, + "green_smut_fungus, Ustilaginoidea_virens": 21276, + "green_snake": 1150, + "green_snake, grass_snake": 1147, + "green_soybean": 12936, + "green_spleenwort, Asplenium_viride": 21490, + "green_tea": 14080, + "green_turtle, Chelonia_mydas": 993, + "green_woodpecker, Picus_viridis": 1486, + "greenbottle, greenbottle_fly": 2617, + "greenfly": 2799, + "greengage, greengage_plum": 13074, + "greengrocery": 7340, + "greenhouse, nursery, glasshouse": 7341, + "greenhouse_whitefly, Trialeurodes_vaporariorum": 2780, + "greenish_blue, aqua, aquamarine, turquoise, cobalt_blue, peacock_blue": 12040, + "greenishness": 12030, + "greenling": 4086, + "greens, green, leafy_vegetable": 12802, + "greenshank, Tringa_nebularia": 1978, + "greenwing, green-winged_teal, Anas_crecca": 1520, + "greeter, saluter, welcomer": 15727, + "gregarine": 346, + "grenade": 7342, + "grenadier, grenade_thrower": 15726, + "grenadier, rattail, rattail_fish": 3732, + "grenadine": 13609, + "grevillea": 18962, + "grevy's_zebra, Equus_grevyi": 3299, + "grey, gray": 7333, + "grey_alder, gray_alder, Alnus_incana": 19167, + "grey_birch, gray_birch, American_grey_birch, American_gray_birch, Betula_populifolia": 19157, + "grey_fox, gray_fox, Urocyon_cinereoargenteus": 2385, + "grey_goldenrod, gray_goldenrod, Solidago_nemoralis": 18429, + "grey_kingbird, gray_kingbird, petchary, Tyrannus_domenicensis_domenicensis": 612, + "grey_lemming, gray_lemming, red-backed_lemming": 3101, + "grey_polypody, gray_polypody, resurrection_fern, Polypodium_polypodioides": 21466, + "grey_poplar, gray_poplar, Populus_canescens": 20359, + "grey_skate, gray_skate, Raja_batis": 506, + "grey_snapper, gray_snapper, mangrove_snapper, Lutjanus_griseus": 3906, + "grey_whale, gray_whale, devilfish, Eschrichtius_gibbosus, Eschrichtius_robustus": 2112, + "grey_willow, gray_willow, Salix_cinerea": 20344, + "greyback, grayback, Limnodromus_griseus": 2002, + "greyhen, grayhen, grey_hen, gray_hen, heath_hen": 1348, + "greyhound": 2210, + "greyhound_racing": 77, + "greylag, graylag, greylag_goose, graylag_goose, Anser_anser": 1559, + "grid, gridiron": 7343, + "griddle": 7344, + "griffon, Brussels_griffon, Belgian_griffon": 2345, + "griffon, wire-haired_pointing_griffon": 2286, + "griffon_vulture, griffon, Gyps_fulvus": 861, + "grill, grille, grillwork": 7345, + "grille, radiator_grille": 7346, + "grillroom, grill": 7347, + "grinder": 7348, + "grinding_wheel, emery_wheel": 7349, + "grindstone": 7350, + "gringo": 15728, + "grinner": 15729, + "gripsack": 7351, + "grison, Grison_vittatus, Galictis_vittatus": 3534, + "grissino": 12666, + "grist": 13234, + "gristmill": 7352, + "grivet, Cercopithecus_aethiops": 3618, + "grizzly, grizzly_bear, silvertip, silver-tip, Ursus_horribilis, Ursus_arctos_horribilis": 2448, + "groats": 13235, + "grocer": 15730, + "grocery_bag": 7353, + "grocery_store, grocery, food_market, market": 7354, + "groenendael": 2295, + "grog": 13886, + "grogram": 7355, + "groined_vault": 7356, + "gromwell, Lithospermum_officinale": 20588, + "groom, bridegroom": 15732, + "groove, channel": 21708, + "groover": 7357, + "gros_point": 7359, + "grosbeak, grossbeak": 586, + "grosgrain": 7358, + "grotto, grot": 14299, + "grouch, grump, crank, churl, crosspatch": 15733, + "ground, earth": 7360, + "ground_bait": 7361, + "ground_beetle, carabid_beetle": 2538, + "ground_cedar, staghorn_moss, Lycopodium_complanatum": 21589, + "ground_control": 7362, + "ground_fir, princess_pine, tree_clubmoss, Lycopodium_obscurum": 21590, + "ground_floor, first_floor, ground_level": 7363, + "ground_ivy, alehoof, field_balm, gill-over-the-ground, runaway_robin, Glechoma_hederaceae, Nepeta_hederaceae": 20661, + "ground_rattler, massasauga, Sistrurus_miliaris": 1252, + "ground_roller": 1456, + "ground_snake, Sonora_semiannulata": 1176, + "ground_squirrel, gopher, spermophile": 3144, + "groundfish, bottom_fish": 3697, + "groundhog, woodchuck, Marmota_monax": 3160, + "groundnut, groundnut_vine, Indian_potato, potato_bean, wild_bean, Apios_americana, Apios_tuberosa": 19739, + "groundsheet, ground_cloth": 7364, + "group_captain": 15734, + "grouper": 3854, + "grouse": 1343, + "grouseberry, grouse-berry, grouse_whortleberry, Vaccinium_scoparium": 19050, + "growler": 14300, + "grub": 2996, + "gruel": 12790, + "grugru, gri-gri, grugru_palm, macamba, Acrocomia_aculeata": 19932, + "grugru_nut": 13209, + "grunt": 3910, + "grunter": 15735, + "gryphon, griffin, griffon": 14454, + "guacamole": 12369, + "guadalupe_fur_seal, Arctocephalus_philippi": 2144, + "guama, Inga_laurina": 17747, + "guan": 1361, + "guanaco, Lama_guanicoe": 3497, + "guano_bat, Mexican_freetail_bat, Tadarida_brasiliensis": 2506, + "guar, cluster_bean, Cyamopsis_tetragonolobus, Cyamopsis_psoraloides": 19775, + "guard": 15737, + "guard's_van": 7371, + "guard, safety, safety_device": 7366, + "guard_boat": 7367, + "guard_ship": 7370, + "guardroom": 7369, + "guava": 13159, + "guava, strawberry_guava, yellow_cattley_guava, Psidium_littorale": 19307, + "guava, true_guava, guava_bush, Psidium_guajava": 19306, + "gudgeon, Gobio_gobio": 367, + "guelder_rose, European_cranberrybush, European_cranberry_bush, crampbark, cranberry_tree, Viburnum_opulus": 20211, + "guenon, guenon_monkey": 3616, + "guereza, Colobus_guereza": 3635, + "gueridon": 7372, + "guesser": 15738, + "guest": 15740, + "guest, invitee": 15739, + "guest_of_honor": 15741, + "guest_worker, guestworker": 15742, + "guesthouse": 7374, + "guestroom": 7375, + "guidance_system, guidance_device": 7376, + "guide": 15743, + "guide_dog": 2323, + "guided_missile": 7377, + "guided_missile_cruiser": 7378, + "guided_missile_frigate": 7379, + "guildhall": 7380, + "guillemot": 2047, + "guilloche": 7381, + "guillotine": 7382, + "guimpe": 7384, + "guinea_fowl, guinea, Numida_meleagris": 1396, + "guinea_gold_vine, guinea_flower": 19390, + "guinea_hen": 1397, + "guinea_pig, Cavia_cobaya": 3169, + "guitar": 7385, + "guitar_pick": 7386, + "guitarfish": 495, + "guitarist, guitar_player": 15744, + "gulag": 7387, + "gulch, flume": 14301, + "gull, seagull, sea_gull": 2029, + "gully": 14302, + "gum_ball": 12483, + "gum_tree, gum": 19310, + "gumbo": 12387, + "gumbo, okra": 12962, + "gumbo-limbo, Bursera_simaruba": 20240, + "gumdrop": 12506, + "gumweed, gum_plant, tarweed, rosinweed": 18311, + "gun": 7388, + "gun_carriage": 7390, + "gun_case": 7391, + "gun_emplacement, weapons_emplacement": 7392, + "gun_enclosure, gun_turret, turret": 7393, + "gun_pendulum": 7397, + "gun_room": 7398, + "gun_trigger, trigger": 7400, + "gunboat": 7389, + "gunlock, firing_mechanism": 7394, + "gunnel, bracketed_blenny": 3997, + "gunnery": 7395, + "gunnery_sergeant": 15745, + "gunnysack, gunny_sack, burlap_bag": 7396, + "gunsight, gun-sight": 7399, + "guppy, rainbow_fish, Lebistes_reticulatus": 383, + "gurnard": 4090, + "gurney": 7401, + "guru": 15747, + "gusher": 7402, + "gusset, gusset_plate": 7404, + "gusset, inset": 7403, + "gutta-percha_tree": 20483, + "gutta-percha_tree, Palaquium_gutta": 20482, + "guvnor": 15748, + "guy, cat, hombre, bozo": 15749, + "guy, guy_cable, guy_wire, guy_rope": 7405, + "gym_rat": 15751, + "gym_shoe, sneaker, tennis_shoe": 7407, + "gym_suit": 7408, + "gymnast": 15750, + "gymnastic_apparatus, exerciser": 7406, + "gymnastics, gymnastic_exercise": 18, + "gymnosperm": 17333, + "gymnospermous_tree": 21320, + "gymnospermous_yellowwood": 17483, + "gymslip": 7409, + "gynecologist, gynaecologist, woman's_doctor": 15752, + "gynobase": 17530, + "gynophore": 17531, + "gynostegium": 17527, + "gypsy_cab": 7410, + "gypsy_moth, gipsy_moth, Lymantria_dispar": 2904, + "gyrfalcon, gerfalcon, Falco_rusticolus": 838, + "gyro": 12783, + "gyrocompass": 7411, + "gyromitra": 21163, + "gyroscope, gyro": 7412, + "gyrostabilizer, gyrostabiliser": 7413, + "habergeon": 7414, + "habit": 7415, + "habit, riding_habit": 7416, + "hacienda": 7417, + "hack": 3240, + "hack, drudge, hacker": 15754, + "hack, jade, nag, plug": 3241, + "hackberry, nettle_tree": 19508, + "hacker, cyber-terrorist, cyberpunk": 15755, + "hackney": 3260, + "hacksaw, hack_saw, metal_saw": 7418, + "haddock, Melanogrammus_aeglefinus": 3726, + "hadrosaur, hadrosaurus, duck-billed_dinosaur": 1110, + "haft, helve": 7419, + "hagberry": 20109, + "hagberry_tree, European_bird_cherry, common_bird_cherry, Prunus_padus": 20108, + "hagfish, hag, slime_eels": 442, + "haggis": 13670, + "haggler": 15756, + "hail": 14303, + "hair": 1663, + "hair_shirt": 7426, + "hair_slide": 7427, + "hair_spray": 7428, + "hair_trigger": 7430, + "hairbrush": 7420, + "haircloth, hair": 7421, + "hairdresser, hairstylist, stylist, styler": 15757, + "hairdressing, hair_tonic, hair_oil, hair_grease": 7422, + "hairnet": 7423, + "hairpiece, false_hair, postiche": 7424, + "hairpin": 7425, + "hairspring": 7429, + "hairstreak, hairstreak_butterfly": 2893, + "hairy-legged_vampire_bat, Diphylla_ecaudata": 2511, + "hairy_golden_aster, prairie_golden_aster, Heterotheca_villosa, Chrysopsis_villosa": 18337, + "hairy_honeysuckle, Lonicera_hirsuta": 20194, + "hairy_spurge, Euphorbia_hirsuta": 20862, + "hairy_wood_mint, Blephilia_hirsuta": 20646, + "hake": 3728, + "hakim, hakeem": 15758, + "halberd": 7431, + "halberdier": 15760, + "half-and-half": 13521, + "half-and-half_dressing": 13426, + "half-mast, half-staff": 14154, + "half_binding": 7432, + "half_blood": 15762, + "half_gainer": 40, + "half_hatchet": 7433, + "half_hitch": 7434, + "half_track": 7435, + "halfback": 15761, + "halfbeak": 3807, + "halibut, holibut": 4118, + "hall": 7438, + "hall_of_residence": 7440, + "hallstand": 7441, + "halogeton, Halogeton_glomeratus": 17923, + "halophyte": 19445, + "halter": 7442, + "halter, hackamore": 7443, + "ham_and_eggs": 13671, + "ham_sandwich": 12773, + "hamadryad, king_cobra, Ophiophagus_hannah, Naja_hannah": 1219, + "hamburger, beefburger, burger": 12777, + "hamburger_bun, hamburger_roll": 12731, + "hame": 7444, + "hamelia": 20181, + "hammer": 7447, + "hammer, power_hammer": 7446, + "hammerhead": 7448, + "hammerhead, hammerhead_shark": 486, + "hammock, sack": 7449, + "hamper": 7450, + "hamster": 3091, + "hand": 15763, + "hand-held_computer, hand-held_microcomputer": 7467, + "hand-me-down": 7474, + "hand_blower, blow_dryer, blow_drier, hair_dryer, hair_drier": 7455, + "hand_brake, emergency, emergency_brake, parking_brake": 7457, + "hand_calculator, pocket_calculator": 7458, + "hand_cheese": 13563, + "hand_cream": 7461, + "hand_drill, handheld_drill": 7463, + "hand_fern, Doryopteris_pedata": 21563, + "hand_glass, hand_mirror": 7465, + "hand_glass, simple_microscope, magnifying_glass": 7464, + "hand_grenade": 7466, + "hand_lotion": 7472, + "hand_luggage": 7473, + "hand_mower": 7475, + "hand_pump": 7476, + "hand_shovel": 7480, + "hand_throttle": 7483, + "hand_tool": 7484, + "hand_towel, face_towel": 7485, + "hand_truck, truck": 7486, + "handball": 7452, + "handbarrow": 7453, + "handbell": 7454, + "handbow": 7456, + "handcar": 7459, + "handcart, pushcart, cart, go-cart": 7460, + "handcuff, cuff, handlock, manacle": 7462, + "handhold": 7468, + "handkerchief, hankie, hanky, hankey": 7469, + "handlebar": 7470, + "handloom": 7471, + "handrest": 7477, + "handsaw, hand_saw, carpenter's_saw": 7478, + "handset, French_telephone": 7479, + "handspike": 7481, + "handstamp, rubber_stamp": 7482, + "handwear, hand_wear": 7487, + "handwheel": 7489, + "handyman, jack_of_all_trades, odd-job_man": 15765, + "hang_glider": 15766, + "hangar_queen": 7490, + "hanger": 7491, + "hanging_fly": 2529, + "hangman's_rope, hangman's_halter, halter, hemp, hempen_necktie": 7493, + "hangnail, agnail": 12156, + "hank": 7494, + "hansom, hansom_cab": 7495, + "harbor, harbour": 7496, + "harbor_porpoise, herring_hog, Phocoena_phocoena": 2125, + "harbor_seal, common_seal, Phoca_vitulina": 2153, + "harborage, harbourage": 14182, + "hard-boiled_egg, hard-cooked_egg": 13478, + "hard-shell_crab": 1839, + "hard_beech, Nothofagus_truncata": 19101, + "hard_candy": 12471, + "hard_cider": 13993, + "hard_disc, hard_disk, fixed_disk": 7497, + "hard_hat, tin_hat, safety_hat": 7498, + "hard_roll, Vienna_roll": 12742, + "hard_sauce": 13403, + "hard_tick, ixodid": 1278, + "hardbake": 12470, + "hardball": 136, + "hardliner": 15767, + "hardstem_bulrush, hardstemmed_bulrush, Scirpus_acutus": 18810, + "hardtack, pilot_biscuit, pilot_bread, sea_biscuit, ship_biscuit": 12762, + "hardtop": 7499, + "hardware, ironware": 7500, + "hardware_store, ironmonger, ironmonger's_shop": 7501, + "hare": 3033, + "hare's-foot_bristle_fern, Trichomanes_boschianum": 20952, + "hare's-foot_fern": 21503, + "hare_wallaby, kangaroo_hare": 1601, + "haricot": 19863, + "haricot_vert, haricots_verts, French_bean": 12928, + "harlequin": 15768, + "harmonica, mouth_organ, harp, mouth_harp": 7502, + "harmonium, organ, reed_organ": 7503, + "harmonizer, harmoniser": 15769, + "harness": 7505, + "harness_horse": 3258, + "harnessed_antelope": 3443, + "harp": 7507, + "harp_seal, Pagophilus_groenlandicus": 2154, + "harpoon": 7508, + "harpoon_gun": 7509, + "harpoon_log": 7510, + "harpsichord, cembalo": 7511, + "harpulla, Harpullia_cupanioides": 20388, + "harpullia": 20387, + "harpy, harpy_bat, tube-nosed_bat, tube-nosed_fruit_bat": 2477, + "harpy, harpy_eagle, Harpia_harpyja": 849, + "harrier": 2204, + "harrier_eagle, short-toed_eagle": 834, + "harrow": 7513, + "hart's-tongue, hart's-tongue_fern, Asplenium_scolopendrium, Phyllitis_scolopendrium": 21494, + "hart's-tongue, hart's-tongue_fern, Olfersia_cervina, Polybotrya_cervina, Polybotria_cervina": 21531, + "hart, stag": 3468, + "hartebeest": 3432, + "harvest-lice, Agrimonia_eupatoria": 20026, + "harvest_mite, chigger, jigger, redbug": 1294, + "harvest_mouse, Micromyx_minutus": 3052, + "harvester, reaper": 7514, + "harvestfish, Paprilus_alepidotus": 4050, + "harvestman, daddy_longlegs, Phalangium_opilio": 1259, + "hash": 13672, + "hash_head": 15770, + "hash_house": 7515, + "hasp": 7516, + "hasty_pudding": 12789, + "hat, chapeau, lid": 7517, + "hatbox": 7518, + "hatch": 7519, + "hatchback": 7521, + "hatchback, hatchback_door": 7520, + "hatchel, heckle": 7522, + "hatchet": 7523, + "hatchet_man, iceman": 15771, + "hatchling": 199, + "hater": 15772, + "hatmaker, hatter, milliner, modiste": 15773, + "hatpin": 7524, + "hauberk, byrnie": 7525, + "haulm, halm": 21458, + "hawfinch, Coccothraustes_coccothraustes": 588, + "hawk": 813, + "hawk's-beard, hawk's-beards": 18268, + "hawk_owl, Surnia_ulula": 888, + "hawkbit": 18356, + "hawkmoth, hawk_moth, sphingid, sphinx_moth, hummingbird_moth": 2945, + "hawksbill_turtle, hawksbill, hawkbill, tortoiseshell_turtle, Eretmochelys_imbricata": 998, + "hawkweed": 18392, + "hawse, hawsehole, hawsepipe": 7527, + "hawser": 7528, + "hawser_bend": 7529, + "hay": 13230, + "hay_bale": 7530, + "hayfork": 7531, + "hayloft, haymow, mow": 7532, + "haymaker, hay_conditioner": 7533, + "hayrack": 7535, + "hayrack, hayrig": 7534, + "hazard": 7536, + "hazel, hazel_tree, Pomaderris_apetala": 21406, + "hazel_mouse, Muscardinus_avellanarius": 3127, + "hazelnut, filbert, cobnut, cob": 13206, + "hazelnut, hazel, hazelnut_tree": 19181, + "head": 7539, + "head, caput": 12148, + "head_cabbage": 12832, + "head_cabbage, head_cabbage_plant, Brassica_oleracea_capitata": 18022, + "head_covering, veil": 7541, + "head_gasket": 7548, + "head_gate": 7549, + "head_louse, Pediculus_capitis": 2599, + "head_nurse": 15776, + "head_shop": 7560, + "head_smut, Sphacelotheca_reiliana": 21237, + "headboard": 7540, + "headdress, headgear": 7542, + "header": 7544, + "header, coping, cope": 7545, + "header, lintel": 7546, + "headfast": 7547, + "headgear": 7550, + "headlight, headlamp": 7551, + "headman, tribal_chief, chieftain, chief": 15774, + "headmaster, schoolmaster, master": 15775, + "headpiece": 7552, + "headpin, kingpin": 7553, + "headquarters, central_office, main_office, home_office, home_base": 7554, + "headrace": 7555, + "headrest": 7556, + "headsail": 7557, + "headscarf": 7558, + "headset": 7559, + "headstall, headpiece": 7561, + "headstock": 7562, + "health_spa, spa, health_club": 7563, + "hearer, listener, auditor, attender": 15777, + "hearing_aid, deaf-aid": 7565, + "hearing_aid, ear_trumpet": 7564, + "hearing_dog": 2325, + "hearse": 7566, + "heart": 21650, + "heart-leaved_aster, Aster_cordifolius": 18165, + "heart-lung_machine": 7569, + "heart_cherry, oxheart, oxheart_cherry": 20088, + "heart_urchin": 3015, + "heartbreaker": 15778, + "hearth, fireside": 7567, + "hearthrug": 7568, + "heartleaf, heart-leaf, Asarum_shuttleworthii": 17842, + "heartleaf, heart-leaf, Asarum_virginicum": 17841, + "heartleaf_arnica, Arnica_cordifolia": 18147, + "heartleaf_manzanita, Arctostaphylos_andersonii": 18999, + "heartseed, Cardiospermum_grandiflorum": 20384, + "heat-seeking_missile": 7576, + "heat_engine": 7570, + "heat_exchanger": 7572, + "heat_lamp, infrared_lamp": 7574, + "heat_pump": 7575, + "heat_shield": 7577, + "heat_sink": 7578, + "heater, warmer": 7571, + "heath": 18985, + "heath_aster, Aster_arenosus": 18164, + "heath_aster, Aster_ericoides": 18168, + "heath_hen, Tympanuchus_cupido_cupido": 1360, + "heath_pea, earth-nut_pea, earthnut_pea, tuberous_vetch, Lathyrus_tuberosus": 19825, + "heathen, pagan, gentile, infidel": 15779, + "heating_pad, hot_pad": 7573, + "heaume": 7579, + "heaver": 7580, + "heavier-than-air_craft": 7581, + "heavy": 15781, + "heavy_cream": 13522, + "heavyweight": 15780, + "heckelphone, basset_oboe": 7582, + "heckler, badgerer": 15782, + "hectograph, heliotype": 7583, + "hedge, hedgerow": 7584, + "hedge_maple, field_maple, Acer_campestre": 20414, + "hedge_mustard, Sisymbrium_officinale": 18078, + "hedge_nettle, Stachys_palustris": 20727, + "hedge_nettle, dead_nettle, Stachys_sylvatica": 20726, + "hedge_sparrow, sparrow, dunnock, Prunella_modularis": 539, + "hedge_thorn, natal_plum, Carissa_bispinosa": 17768, + "hedge_trimmer": 7585, + "hedge_violet, wood_violet, Viola_sylvatica, Viola_reichenbachiana": 19457, + "hedgehog, Erinaceus_europaeus, Erinaceus_europeaeus": 1652, + "hedgehog_cactus": 17949, + "hedgehog_cereus": 17951, + "hedger": 15783, + "hedger, equivocator, tergiversator": 15784, + "hedonist, pagan, pleasure_seeker": 15785, + "heel": 12154, + "hegari": 18770, + "heifer": 3335, + "heir, inheritor, heritor": 15786, + "heir_apparent": 15787, + "heir_presumptive": 15789, + "heiress, inheritress, inheritrix": 15788, + "helicon, bombardon": 7586, + "helicopter, chopper, whirlybird, eggbeater": 7587, + "heliograph": 7588, + "heliometer": 7589, + "heliophila": 18056, + "heliopsis, oxeye": 18335, + "heliothis_moth, Heliothis_zia": 2937, + "heliozoan": 305, + "helix, spiral": 21675, + "hellbender, mud_puppy, Cryptobranchus_alleganiensis": 912, + "hellebore, false_hellebore": 19653, + "helleborine": 18549, + "hellgrammiate, dobson": 2838, + "hellion, heller, devil": 15790, + "helm": 7590, + "helmet": 7592, + "helmet_orchid, greenhood": 18607, + "helminth, parasitic_worm": 1710, + "helmsman, steersman, steerer": 15791, + "helvella": 21158, + "hematocrit, haematocrit": 7593, + "hematologist, haematologist": 15793, + "hemiepiphyte, semiepiphyte": 21338, + "hemiplegic": 15794, + "hemipterous_insect, bug, hemipteran, hemipteron": 2750, + "hemline": 14155, + "hemlock, hemlock_tree": 17426, + "hemlock, poison_hemlock, poison_parsley, California_fern, Nebraska_fern, winter_fern, Conium_maculatum": 20908, + "hemming-stitch": 7594, + "hemostat, haemostat": 7595, + "hemp_nettle, dead_nettle, Galeopsis_tetrahit": 20660, + "hemstitch, hemstitching": 7596, + "hen": 516, + "hen, biddy": 1330, + "hen-of-the-woods, hen_of_the_woods, Polyporus_frondosus, Grifola_frondosa": 21196, + "henbane, black_henbane, stinking_nightshade, Hyoscyamus_niger": 20819, + "henbit, Lamium_amplexicaule": 20666, + "henroost": 7597, + "hepatic_tanager, Piranga_flava_hepatica": 788, + "hepatica, Marchantia_polymorpha": 17314, + "hepatica, liverleaf": 17684, + "heptagon": 21691, + "herald, trumpeter": 15795, + "heraldry": 7598, + "herb": 13285, + "herb, herbaceous_plant": 18953, + "herb_Paris, Paris_quadrifolia": 19663, + "herb_robert, herbs_robert, herb_roberts, Geranium_robertianum": 20228, + "herb_tea, herbal_tea, herbal": 14070, + "herba_impia, Filago_germanica": 18302, + "herbage, pasturage": 18670, + "herbalist, herb_doctor": 15796, + "herbivore": 231, + "herder, herdsman, drover": 15797, + "hermaphrodite, intersex, gynandromorph, androgyne, epicene, epicene_person": 15798, + "hermit_crab": 1864, + "hermit_thrush, Hylocichla_guttata": 643, + "hermitage": 7599, + "hero_worshiper, hero_worshipper": 15801, + "heroin_addict": 15800, + "heroine": 15799, + "heron": 1914, + "heronry": 14156, + "herpes": 21763, + "herpes, herpes_virus": 249, + "herpes_simplex_1, HS1, HSV-1, HSV-I": 250, + "herpes_varicella_zoster, herpes_varicella_zoster_virus": 252, + "herpes_zoster, herpes_zoster_virus": 251, + "herring, Clupea_harangus": 3750, + "herring_gull, Larus_argentatus": 2032, + "herring_salad": 13274, + "herringbone": 7600, + "herringbone, herringbone_pattern": 7601, + "heterodyne_receiver, superheterodyne_receiver, superhet": 7604, + "heteropterous_insect": 2765, + "heterostracan": 436, + "heterotroph": 2, + "hexagon": 21690, + "hexahedron": 21751, + "hexapod": 2520, + "hi-fi, high_fidelity_sound_system": 7607, + "hiba_arborvitae, Thujopsis_dolobrata": 17461, + "hibachi": 7605, + "hiccup_nut, hiccough_nut, Combretum_bracteosum": 19280, + "hickory, hickory_tree": 19267, + "hickory_nut": 13210, + "hideaway, retreat": 7606, + "high-angle_gun": 7609, + "high-definition_television, HDTV": 12210, + "high-hat_cymbal, high_hat": 7615, + "high-muck-a-muck, pooh-bah": 15808, + "high-pass_filter": 7618, + "high-protein_diet": 12272, + "high-rise, tower_block": 7619, + "high-vitamin_diet, vitamin-deficiency_diet": 12273, + "high-warp_loom": 7621, + "high-water_mark": 14208, + "high_altar": 7608, + "high_commissioner": 15805, + "high_explosive": 21785, + "high_gear, high": 7614, + "high_jump": 24, + "high_priest": 15809, + "high_table": 7620, + "high_tea": 12331, + "highball": 13933, + "highball_glass": 7610, + "highbinder": 15803, + "highboard": 7611, + "highboy, tallboy": 7612, + "highbrow": 15804, + "highchair, feeding_chair": 7613, + "highflier, highflyer": 15806, + "highjacker, hijacker": 15810, + "highland, upland": 14304, + "highlighter": 7617, + "hijab": 7622, + "hill": 14305, + "hill_myna, Indian_grackle, grackle, Gracula_religiosa": 715, + "hillside": 14306, + "hind": 3855, + "hinge, flexible_joint": 7623, + "hinging_post, swinging_post": 7624, + "hinny": 3290, + "hip, rose_hip, rosehip": 20019, + "hip_boot, thigh_boot": 7625, + "hip_pad": 7627, + "hip_pocket": 7628, + "hip_roof, hipped_roof": 7630, + "hip_tile, hipped_tile": 21792, + "hipflask, pocket_flask": 7626, + "hipline": 14158, + "hippeastrum, Hippeastrum_puniceum": 19539, + "hippodrome": 7629, + "hippopotamus, hippo, river_horse, Hippopotamus_amphibius": 3324, + "hire": 15792, + "hireling, pensionary": 15811, + "hispid_pocket_mouse, Perognathus_hispidus": 3115, + "histiocyte": 12121, + "historian, historiographer": 15812, + "hitch": 7632, + "hitchhiker": 15813, + "hitching_post": 7633, + "hitchrack, hitching_bar": 7634, + "hitter, striker": 15814, + "hoary_alison, hoary_alyssum, Berteroa_incana": 18018, + "hoary_golden_bush, Hazardia_cana": 18321, + "hoary_marmot, whistler, whistling_marmot, Marmota_caligata": 3161, + "hoary_pea": 19898, + "hoary_plantain, Plantago_media": 19979, + "hoary_plantain, Plantago_virginica": 19982, + "hoary_willow, sage_willow, Salix_candida": 20340, + "hoatzin, hoactzin, stinkbird, Opisthocomus_hoazin": 1398, + "hob": 7635, + "hobble_skirt": 7636, + "hobby, Falco_subbuteo": 842, + "hobbyist": 15815, + "hockey_skate": 7637, + "hockey_stick": 7638, + "hod": 7639, + "hodoscope": 7640, + "hoe": 7641, + "hoe_handle": 7642, + "hoecake": 12719, + "hog, hogget, hogg": 3386, + "hog, pig, grunter, squealer, Sus_scrofa": 3311, + "hog-nosed_skunk, hognosed_skunk, badger_skunk, rooter_skunk, Conepatus_leuconotus": 3524, + "hog_badger, hog-nosed_badger, sand_badger, Arctonyx_collaris": 3531, + "hog_peanut, wild_peanut, Amphicarpaea_bracteata, Amphicarpa_bracteata": 19735, + "hog_plum, wild_plum": 13162, + "hog_plum, yellow_mombin": 13161, + "hog_plum, yellow_mombin, yellow_mombin_tree, Spondias_mombin": 20454, + "hog_sucker, hog_molly, Hypentelium_nigricans": 374, + "hogchoker, Trinectes_maculatus": 4134, + "hogfish, hog_snapper, Lachnolaimus_maximus": 3979, + "hognose_bat, Choeronycteris_mexicana": 2485, + "hognose_snake, puff_adder, sand_viper": 1145, + "hogshead": 7643, + "hoist": 7644, + "hold, keep": 7645, + "holder": 7646, + "holding_cell": 7647, + "holding_device": 7648, + "holding_pen, holding_paddock, holding_yard": 7649, + "holdout": 15816, + "holdover, hangover": 15817, + "holdup_man, stickup_man": 15818, + "hole, hollow": 14307, + "hole-in-the-wall": 14159, + "hollandaise": 13434, + "hollow, holler": 14308, + "hollowware, holloware": 7650, + "holly": 20422, + "holly-leaved_cherry, holly-leaf_cherry, evergreen_cherry, islay, Prunus_ilicifolia": 20102, + "holly_fern": 21534, + "holly_fern, Cyrtomium_aculeatum, Polystichum_aculeatum": 21522, + "hollyhock": 18870, + "holm_oak, holm_tree, holly-leaved_oak, evergreen_oak, Quercus_ilex": 19118, + "holocephalan, holocephalian": 448, + "holometabola, metabola": 2524, + "holster": 7652, + "holy_of_holies, sanctum_sanctorum": 7653, + "home, nursing_home, rest_home": 7654, + "home_appliance, household_appliance": 7655, + "home_brew, homebrew": 13767, + "home_buyer": 15821, + "home_computer": 7656, + "home_fries, home-fried_potatoes": 12810, + "home_plate, home_base, home, plate": 7657, + "home_room, homeroom": 7658, + "home_theater, home_theatre": 7661, + "homeboy": 15820, + "homegirl": 15822, + "homeless, homeless_person": 15823, + "homeopath, homoeopath": 15824, + "homeotherm, homoiotherm, homotherm": 185, + "homespun": 7659, + "homestead": 7660, + "homing_pigeon, homer": 1417, + "homing_torpedo": 7662, + "hominid": 3573, + "hominoid": 3572, + "hominy": 12953, + "homo, man, human_being, human": 3574, + "homogenized_milk": 13507, + "homopterous_insect, homopteran": 2777, + "hone": 7663, + "honest_woman": 15825, + "honey": 13601, + "honey_bell, honeybells, Hermannia_verticillata, Mahernia_verticillata": 18940, + "honey_bun, sticky_bun, caramel_bun, schnecken": 12752, + "honey_buzzard, Pernis_apivorus": 825, + "honey_crisp": 12508, + "honey_eater, honeysucker": 537, + "honey_guide": 1501, + "honey_locust, Gleditsia_triacanthos": 19720, + "honey_mesquite, Western_honey_mesquite, Prosopis_glandulosa": 17755, + "honey_mushroom, honey_fungus, Armillariella_mellea": 21611, + "honeybee, Apis_mellifera": 2664, + "honeycomb": 14238, + "honeycreeper": 581, + "honeycreeper, Hawaiian_honeycreeper": 602, + "honeydew, honeydew_melon": 13103, + "honeyflower, honey-flower, Protea_mellifera": 18956, + "honeyflower, honey-flower, mountain_devil, Lambertia_formosa": 18968, + "honeypot, king_protea, Protea_cynaroides": 18955, + "honeysuckle": 20190, + "honeysuckle, Australian_honeysuckle, coast_banksia, Banksia_integrifolia": 18958, + "honker, Canada_goose, Canadian_goose, Branta_canadensis": 1564, + "honor_guard, guard_of_honor": 15826, + "hooch, hootch": 13768, + "hood": 7669, + "hood, bonnet, cowl, cowling": 7665, + "hood, exhaust_hood": 7668, + "hood_latch": 7670, + "hooded_ladies'_tresses, Spiranthes_romanzoffiana": 18613, + "hooded_merganser, hooded_sheldrake, Lophodytes_cucullatus": 1554, + "hooded_pitcher_plant, Sarracenia_minor": 20496, + "hooded_seal, bladdernose, Cystophora_cristata": 2157, + "hooded_skunk, Mephitis_macroura": 3523, + "hook": 7673, + "hook, claw": 7672, + "hook, crotchet": 21661, + "hook_and_eye": 7675, + "hook_wrench, hook_spanner": 7678, + "hookah, narghile, nargileh, sheesha, shisha, chicha, calean, kalian, water_pipe, hubble-bubble, hubbly-bubbly": 7674, + "hooker": 15827, + "hookup": 7677, + "hookup, assemblage": 7676, + "hookworm": 1736, + "hoop_pine, Moreton_Bay_pine, Araucaria_cunninghamii": 17469, + "hoop_snake": 1142, + "hoopoe, hoopoo": 1463, + "hoopskirt, crinoline": 7679, + "hoosegow, hoosgow": 7680, + "hoot_owl": 887, + "hop": 9, + "hop_clover, shamrock, lesser_yellow_trefoil, Trifolium_dubium": 17721, + "hop_hornbeam": 19178, + "hope_chest, wedding_chest": 7682, + "hoper": 15828, + "hopper": 7683, + "hopsacking, hopsack": 7684, + "horehound": 20680, + "horizontal_bar, high_bar": 7685, + "horizontal_stabilizer, horizontal_stabiliser, tailplane": 7686, + "horizontal_tail": 7687, + "horn": 7690, + "horn_button": 7691, + "horn_fly, Haematobia_irritans": 2637, + "horn_poppy, horned_poppy, yellow_horned_poppy, sea_poppy, Glaucium_flavum": 18100, + "hornbeam": 19175, + "hornbill": 1462, + "horned_chameleon, Chamaeleo_oweni": 1082, + "horned_lizard, horned_toad, horny_frog": 1045, + "horned_owl": 876, + "horned_pondweed, Zannichellia_palustris": 20016, + "horned_pout, hornpout, pout, Ameiurus_Melas": 3712, + "horned_puffin, Fratercula_corniculata": 2055, + "horned_screamer, Anhima_cornuta": 1579, + "horned_violet, tufted_pansy, Viola_cornuta": 19451, + "horned_viper, cerastes, sand_viper, horned_asp, Cerastes_cornutus": 1236, + "horned_whiff, Citharichthys_cornutus": 4125, + "hornet": 2680, + "hornist": 15829, + "hornpipe, pibgorn, stockhorn": 7692, + "hors_d'oeuvre": 12363, + "horse, Equus_caballus": 3195, + "horse, gymnastic_horse": 7693, + "horse-drawn_vehicle": 7698, + "horse-trail": 7705, + "horse_balm, horseweed, stoneroot, stone-root, richweed, stone_root, Collinsonia_canadensis": 20653, + "horse_cart, horse-cart": 7696, + "horse_cassia, Cassia_roxburghii, Cassia_marginata": 19713, + "horse_chestnut, buckeye, Aesculus_hippocastanum": 20461, + "horse_mackerel, jack_mackerel, Spanish_mackerel, saurel, Trachurus_symmetricus": 3889, + "horse_mackerel, saurel, Trachurus_trachurus": 3890, + "horse_mushroom, Agaricus_arvensis": 21049, + "horse_nettle, ball_nettle, bull_nettle, ball_nightshade, Solanum_carolinense": 20798, + "horse_pistol, horse-pistol": 7702, + "horse_racing": 78, + "horse_tick, horsefly, Hippobosca_equina": 2635, + "horse_trader": 15831, + "horse_wrangler, wrangler": 15833, + "horsebox": 7694, + "horsecar": 7695, + "horsecloth": 7697, + "horsefly, cleg, clegg, horse_fly": 2625, + "horsehair": 7699, + "horsehair_lichen, horsetail_lichen": 21036, + "horsehair_wig": 7700, + "horseleech": 1749, + "horseless_carriage": 7701, + "horseman, equestrian, horseback_rider": 15830, + "horsemint, Mentha_longifolia": 20686, + "horsemint, Monarda_punctata": 20695, + "horseradish": 13367, + "horseradish, horseradish_root": 18015, + "horseradish_sauce, sauce_Albert": 13404, + "horseshoe": 7704, + "horseshoe, shoe": 7703, + "horseshoe_bat": 2487, + "horseshoe_crab, king_crab, Limulus_polyphemus, Xiphosurus_polyphemus": 1308, + "horseshoe_whipsnake, Coluber_hippocrepis": 1154, + "horsetail": 21578, + "horseweed, Canadian_fleabane, fleabane, Conyza_canadensis, Erigeron_canadensis": 18260, + "horsewhip": 7706, + "horsewoman": 15832, + "hortensia, Hydrangea_macrophylla_hortensis": 20511, + "horticulturist, plantsman": 15834, + "hose": 7707, + "hosiery, hose": 7708, + "hospice": 7709, + "hospital, infirmary": 7710, + "hospital_bed": 7711, + "hospital_chaplain": 15835, + "hospital_room": 7712, + "hospital_ship": 7713, + "hospital_train": 7714, + "host": 15837, + "host, innkeeper, boniface": 15836, + "hostel, hostelry, inn, lodge, auberge": 7716, + "hostel, youth_hostel, student_lodging": 7715, + "hostess": 15838, + "hot-air_balloon": 7717, + "hot-fudge_sauce, fudge_sauce": 13445, + "hot-rock_penstemon, Penstemon_deustus": 20773, + "hot-water_bottle, hot-water_bag": 7728, + "hot_line": 7722, + "hot_pants": 7723, + "hot_pepper": 12877, + "hot_plate, hotplate": 7724, + "hot_pot, hotpot": 12422, + "hot_rod, hot-rod": 7725, + "hot_sauce": 13402, + "hot_spot, hotspot": 7726, + "hot_spring, thermal_spring": 14309, + "hot_toddy, toddy": 13974, + "hot_tub": 7727, + "hotchpotch": 12421, + "hotdog, hot_dog, red_hot": 12780, + "hotel": 7718, + "hotel-casino, casino-hotel": 7720, + "hotel_room": 7721, + "hotelier, hotelkeeper, hotel_manager, hotelman, hosteller": 15839, + "hound's-tongue, Cynoglossum_officinale": 20584, + "hound's-tongue, Cynoglossum_virginaticum": 20585, + "hound, hound_dog": 2188, + "houndstooth_check, hound's-tooth_check, dogstooth_check, dogs-tooth_check, dog's-tooth_check": 7729, + "hour_hand, little_hand": 7731, + "hourglass": 7730, + "house": 7733, + "house_centipede, Scutigera_coleoptrata": 1304, + "house_finch, linnet, Carpodacus_mexicanus": 556, + "house_martin, Delichon_urbica": 780, + "house_mouse, Mus_musculus": 3051, + "house_of_cards, cardhouse, card-house, cardcastle": 7736, + "house_of_correction": 7737, + "house_paint, housepaint": 7738, + "house_physician, resident, resident_physician": 15843, + "house_sitter": 15844, + "house_wren, Troglodytes_aedon": 742, + "houseboat": 7734, + "housedog": 2291, + "housefly, house_fly, Musca_domestica": 2613, + "housekeeper": 15840, + "houselights": 7735, + "housemaster": 15841, + "housemate": 15842, + "houseplant": 21279, + "housetop": 7739, + "housing, lodging, living_accommodations": 7740, + "housing_commissioner": 15845, + "hovel, hut, hutch, shack, shanty": 7741, + "hovercraft, ground-effect_machine": 7742, + "howdah, houdah": 7743, + "howler_monkey, howler": 3646, + "huarache, huaraches": 7744, + "hub-and-spoke, hub-and-spoke_system": 7745, + "hubbard_squash": 12851, + "hubbard_squash, Cucurbita_maxima": 18837, + "hubcap": 7746, + "huck, huckaback": 7747, + "huckleberry": 19008, + "huckleberry_oak, Quercus_vaccinifolia": 19148, + "huckster, cheap-jack": 15846, + "hug-me-tight": 7748, + "hugger": 15847, + "huisache, cassie, mimosa_bush, sweet_wattle, sweet_acacia, scented_wattle, flame_tree, Acacia_farnesiana": 17734, + "hula-hoop": 7749, + "hulk": 7750, + "hull": 7751, + "human_botfly, Dermatobia_hominis": 2622, + "humanist, humanitarian": 15848, + "humanitarian, do-gooder, improver": 15849, + "humeral_veil, veil": 7752, + "hummingbird": 1474, + "hummus, humus, hommos, hoummos, humous": 13593, + "humpback, humpback_whale, Megaptera_novaeangliae": 2111, + "hunk": 15850, + "hunt, hunting": 91, + "hunter's_sauce, sauce_chausseur": 13457, + "hunter, hunting_watch": 7754, + "hunting_dog": 2185, + "hunting_knife": 7755, + "huntress": 15851, + "huntsman's_horn, huntsman's_horns, yellow_trumpet, yellow_pitcher_plant, trumpets, Sarracenia_flava": 20497, + "huon_pine, Lagarostrobus_franklinii, Dacrydium_franklinii": 17499, + "hurdle": 7756, + "hurling": 130, + "hurricane_deck, hurricane_roof, promenade_deck, awning_deck": 7757, + "hurricane_lamp, hurricane_lantern, tornado_lantern, storm_lantern, storm_lamp": 7758, + "hush_puppy, hushpuppy": 12722, + "husk": 21392, + "hut, army_hut, field_hut": 7759, + "hutch": 7760, + "hutment": 7761, + "hyacinth, jacinth": 21793, + "hyacinth_bean, bonavist, Indian_bean, Egyptian_bean, Lablab_purpureus, Dolichos_lablab": 19814, + "hybrid_petunia, Petunia_hybrida": 20836, + "hybrid_tuberous_begonia, Begonia_tuberhybrida": 19388, + "hydra": 1685, + "hydraulic_brake, hydraulic_brakes": 7762, + "hydraulic_cement, Portland_cement": 21780, + "hydraulic_press": 7763, + "hydraulic_pump, hydraulic_ram": 7764, + "hydraulic_system": 7765, + "hydraulic_transmission, hydraulic_transmission_system": 7766, + "hydrilla, Hydrilla_verticillata": 20006, + "hydroelectric_turbine": 7767, + "hydrofoil, foil": 7769, + "hydrofoil, hydroplane": 7768, + "hydrogen_bomb, H-bomb, fusion_bomb, thermonuclear_bomb": 7770, + "hydrologist": 15853, + "hydromel": 13797, + "hydrometer, gravimeter": 7771, + "hydroplane_racing": 75, + "hydroxide_ion, hydroxyl_ion": 21794, + "hydrozoan, hydroid": 1684, + "hyena, hyaena": 2369, + "hygrodeik": 7772, + "hygrometer": 7773, + "hygrophyte": 17332, + "hygroscope": 7774, + "hymenopterous_insect, hymenopteran, hymenopteron, hymenopter": 2657, + "hypanthium, floral_cup, calyx_tube": 17565, + "hyperbaric_chamber": 7775, + "hypercoaster": 7776, + "hypermarket": 7777, + "hyperope": 15854, + "hypertensive": 15855, + "hypnotist, hypnotizer, hypnotiser, mesmerist, mesmerizer": 15856, + "hypocrite, dissembler, dissimulator, phony, phoney, pretender": 15857, + "hypodermic_needle": 7778, + "hypodermic_syringe, hypodermic, hypo": 7779, + "hypotenuse": 21715, + "hypsometer": 7780, + "hyrax, coney, cony, dassie, das": 3191, + "hyson": 14081, + "hyssop": 13314, + "hyssop, Hyssopus_officinalis": 20663, + "hysterosalpingogram": 7781, + "iPod": 7871, + "ibex, Capra_ibex": 3419, + "ibis": 1907, + "ice, frappe": 12564, + "ice, water_ice": 21795, + "ice-cream_bean, Inga_edulis": 17746, + "ice-cream_cake, icebox_cake": 12625, + "ice-cream_cone": 12567, + "ice-cream_sundae, sundae": 12581, + "ice_ax, ice_axe, piolet": 7783, + "ice_bear, polar_bear, Ursus_Maritimus, Thalarctos_maritimus": 2453, + "ice_cream, icecream": 12566, + "ice_field": 14312, + "ice_floe, floe": 14313, + "ice_hockey, hockey, hockey_game": 110, + "ice_hockey_rink, ice-hockey_rink": 7787, + "ice_lolly, lolly, lollipop, popsicle": 12575, + "ice_machine": 7788, + "ice_maker": 7789, + "ice_mass": 14314, + "ice_milk": 12576, + "ice_pack, ice_bag": 7790, + "ice_plant, icicle_plant, Mesembryanthemum_crystallinum": 17891, + "ice_rink, ice-skating_rink, ice": 7792, + "ice_skate": 7793, + "ice_skating": 66, + "ice_tea, iced_tea": 14073, + "ice_tongs": 7794, + "ice_water": 14089, + "iceberg, berg": 14310, + "iceboat, ice_yacht, scooter": 7784, + "icebreaker, iceboat": 7785, + "icecap, ice_cap": 14311, + "iced-tea_spoon": 7786, + "iced_coffee, ice_coffee": 13985, + "iceman": 15858, + "icepick, ice_pick": 7791, + "icetray": 7795, + "ichneumon, Herpestes_ichneumon": 2467, + "ichneumon_fly": 2699, + "ichthyosaur": 1135, + "ichthyosaurus": 1136, + "icing_sugar": 12459, + "iconoclast": 15859, + "iconoscope": 7796, + "ideologist, ideologue": 15860, + "idle_pulley, idler_pulley, idle_wheel": 7798, + "idol, matinee_idol": 15861, + "idolizer, idoliser": 15862, + "igloo, iglu": 7799, + "ignition_coil": 7800, + "ignition_key": 7801, + "ignition_switch": 7802, + "iguanid, iguanid_lizard": 1028, + "ilama": 13138, + "ilama, ilama_tree, Annona_diversifolia": 17573, + "ilang-ilang, ylang-ylang, Cananga_odorata": 17579, + "imago": 3001, + "imam, imaum": 15863, + "imaret": 7803, + "immortelle, Xeranthemum_annuum": 18478, + "immovable_bandage": 7804, + "impact_printer": 7805, + "impala, Aepyceros_melampus": 3434, + "impala_lily, mock_azalia, desert_rose, kudu_lily, Adenium_obesum, Adenium_multiflorum": 17762, + "impeller": 7806, + "imperial_Japanese_morning_glory, Ipomoea_imperialis": 20610, + "imperial_mammoth, imperial_elephant, Archidiskidon_imperator": 3678, + "imperial_moth, Eacles_imperialis": 2956, + "imperialist": 15864, + "implant": 7807, + "implement": 7808, + "important_person, influential_person, personage": 15865, + "impression": 7809, + "imprint": 7810, + "improvised_explosive_device, I.E.D., IED": 7811, + "impulse_turbine": 7812, + "in-basket, in-tray": 7813, + "in-fighting": 52, + "in-law, relative-in-law": 15880, + "in-line_skate": 9886, + "inamorato": 15866, + "incendiary_bomb, incendiary, firebomb": 7814, + "incense_cedar": 17453, + "incense_cedar, red_cedar, Calocedrus_decurrens, Libocedrus_decurrens": 17447, + "incense_tree": 20238, + "incinerator": 7815, + "incisure, incisura": 21732, + "inclined_fault": 14315, + "inclined_plane": 7816, + "inclinometer": 7818, + "inclinometer, dip_circle": 7817, + "incrustation, encrustation": 7819, + "incubator, brooder": 7820, + "incumbent, officeholder": 15867, + "incurable": 15868, + "index_register": 7821, + "indicator": 7824, + "indigo": 12044, + "indigo_broom, horsefly_weed, rattle_weed, Baptisia_tinctoria": 19748, + "indigo_bunting, indigo_finch, indigo_bird, Passerina_cyanea": 575, + "indigo_snake, gopher_snake, Drymarchon_corais": 1193, + "indri, indris, Indri_indri, Indri_brevicaudatus": 3663, + "inductee": 15869, + "induction_coil": 7825, + "inductor, inductance": 7826, + "industrial_watercourse": 7827, + "industrialist": 15870, + "industry_analyst": 14864, + "inertial_guidance_system, inertial_navigation_system": 7828, + "infanticide": 15871, + "inferior": 15872, + "infernal": 15873, + "infielder": 15874, + "infiltrator": 15875, + "inflater, inflator": 7829, + "inflorescence": 17525, + "informer, betrayer, rat, squealer, blabber": 15876, + "inga": 17745, + "ingenue": 15878, + "ingesta": 12258, + "ingredient, fixings": 13281, + "inhabitant, habitant, dweller, denizen, indweller": 14484, + "inhaler, inhalator": 7830, + "injector": 7831, + "ink-jet_printer": 7834, + "ink_bottle, inkpot": 7832, + "ink_eraser": 7833, + "inkberry, gallberry, gall-berry, evergreen_winterberry, Ilex_glabra": 20425, + "inkle": 7835, + "inkstand": 7836, + "inkwell, inkstand": 7837, + "inky_cap, inky-cap_mushroom, Coprinus_atramentarius": 21064, + "inlay": 7838, + "inositol": 21796, + "inquiry_agent": 15881, + "insect": 2522, + "insectivore": 1635, + "inside_caliper": 7839, + "insole, innersole": 7840, + "inspector": 15882, + "inspector_general": 15883, + "instant_coffee": 13986, + "instar": 2984, + "instep": 7841, + "instigator, initiator": 15884, + "instillator": 7842, + "institution": 7843, + "instrument": 7844, + "instrument_of_punishment": 7845, + "instrument_of_torture": 7846, + "insurance_broker, insurance_agent, general_agent, underwriter": 15885, + "insurgent, insurrectionist, freedom_fighter, rebel": 15886, + "intaglio, diaglyph": 7847, + "intake_valve": 7848, + "integrated_circuit, microcircuit": 7849, + "integrator, planimeter": 7850, + "intelligence_analyst": 15887, + "interceptor": 7852, + "interchange": 7853, + "intercommunication_system, intercom": 7854, + "intercontinental_ballistic_missile, ICBM": 7855, + "interface, port": 7856, + "interferometer": 7857, + "intergalactic_space": 14121, + "interior_designer, designer, interior_decorator, house_decorator, room_decorator, decorator": 15888, + "interior_door": 7858, + "interior_live_oak, Quercus_wislizenii, Quercus_wizlizenii": 19152, + "interlocutor, conversational_partner": 15889, + "interlocutor, middleman": 15890, + "intermediate_wheatgrass, Agropyron_intermedium, Elymus_hispidus": 18676, + "internal-combustion_engine, ICE": 7859, + "internal_drive": 7860, + "internationalist": 15892, + "internet, net, cyberspace": 7861, + "internist": 15893, + "interphone": 7862, + "interplanetary_space": 14119, + "interpreter": 15895, + "interpreter, translator": 15894, + "interrupted_fern, Osmunda_clatonia": 20957, + "interrupter": 7863, + "intersection, crossroad, crossway, crossing, carrefour": 7864, + "interstellar_space": 14120, + "interstice": 7865, + "intervenor": 15896, + "intraocular_lens": 7866, + "intravenous_pyelogram, IVP": 7867, + "introvert": 15897, + "inula": 18344, + "invader, encroacher": 15898, + "invalidator, voider, nullifier": 15899, + "invertebrate": 1671, + "inverter": 7868, + "investigator": 15900, + "investor": 15901, + "invigilator": 15902, + "involucre": 21432, + "io_moth, Automeris_io": 2963, + "ion": 14316, + "ion_engine": 7869, + "ionization_chamber, ionization_tube": 7870, + "iridaceous_plant": 19512, + "iron": 7874, + "iron, branding_iron": 7875, + "iron, smoothing_iron": 7873, + "iron_foundry": 7878, + "iron_horse": 7879, + "iron_lung": 7881, + "iron_tree, iron-tree, ironwood, ironwood_tree": 19261, + "ironclad": 7877, + "ironing": 7880, + "ironmongery": 7882, + "irons, chains": 7876, + "ironweed, vernonia": 18473, + "ironworks": 7883, + "irreligionist": 15903, + "irrigation_ditch": 7884, + "isoclinic_line, isoclinal": 14161, + "isopod": 1876, + "isosceles_triangle": 21682, + "isthmus": 14317, + "itch_mite, sarcoptid": 1296, + "ivory_gull, Pagophila_eburnea": 2034, + "ivory_palm, ivory-nut_palm, ivory_plant, Phytelephas_macrocarpa": 19965, + "ivory_tree, conessi, kurchi, kurchee, Holarrhena_pubescens, Holarrhena_antidysenterica": 17771, + "ivorybill, ivory-billed_woodpecker, Campephilus_principalis": 1492, + "ivy, common_ivy, English_ivy, Hedera_helix": 17832, + "ivy_geranium, ivy-leaved_geranium, hanging_geranium, Pelargonium_peltatum": 20233, + "izar": 7885, + "jabiru, Jabiru_mycteria": 1902, + "jabot": 7886, + "jaboticaba": 13163, + "jaboticaba, jaboticaba_tree, Myrciaria_cauliflora": 19305, + "jacamar": 1502, + "jack": 7890, + "jack, jackass": 3287, + "jack, jackstones": 7888, + "jack-in-the-box": 7894, + "jack-in-the-pulpit, Indian_turnip, wake-robin, Arisaema_triphyllum, Arisaema_atrorubens": 17794, + "jack-o'-lantern": 7895, + "jack-o-lantern_fungus, jack-o-lantern, jack-a-lantern, Omphalotus_illudens": 21063, + "jack_oak, northern_pin_oak, Quercus_ellipsoidalis": 19114, + "jack_pine, Pinus_banksiana": 17380, + "jack_plane": 7896, + "jackal, Canis_aureus": 2362, + "jackass_bat, spotted_bat, Euderma_maculata": 2502, + "jackass_penguin, Spheniscus_demersus": 2083, + "jackdaw, daw, Corvus_monedula": 721, + "jacket": 7893, + "jacket_potato": 12811, + "jackfruit, jackfruit_tree, Artocarpus_heterophyllus": 19478, + "jackfruit, jak, jack": 13094, + "jackknife": 41, + "jackknife-fish, Equetus_lanceolatus": 3934, + "jackrabbit": 3036, + "jacksmelt, Atherinopsis_californiensis": 3961, + "jacksnipe, half_snipe, Limnocryptes_minima": 2000, + "jaconet": 7898, + "jacquard": 7900, + "jade_green, jade": 12036, + "jade_vine, emerald_creeper, Strongylodon_macrobotrys": 19897, + "jaeger": 2039, + "jag, dag": 7901, + "jaguar, panther, Panthera_onca, Felis_onca": 2432, + "jaguarundi, jaguarundi_cat, jaguarondi, eyra, Felis_yagouaroundi": 2414, + "jai_alai, pelota": 158, + "jail, jailhouse, gaol, clink, slammer, poky, pokey": 7902, + "jalapeno, jalapeno_pepper": 12879, + "jalousie": 7903, + "jam": 12632, + "jamb": 7904, + "jambalaya": 13674, + "jammer": 7905, + "jampot, jamjar": 7906, + "janissary": 15908, + "japan": 7907, + "japanese_clover, japan_clover, jap_clover, Lespedeza_striata": 19827, + "japonica, Camellia_japonica": 20891, + "japonica, maule's_quince, Chaenomeles_japonica": 20030, + "jar": 7908, + "jasmine": 19236, + "jaunting_car, jaunty_car": 7910, + "javelin": 7911, + "jaw": 7912, + "jawbreaker": 12474, + "jawfish": 3988, + "jawless_vertebrate, jawless_fish, agnathan": 434, + "jay": 723, + "jean, blue_jean, denim": 7914, + "jeep, landrover": 7915, + "jellaba": 7916, + "jello, Jell-O": 12562, + "jelly": 12635, + "jelly_bean, jelly_egg": 12512, + "jelly_fungus": 21219, + "jellyfish": 1681, + "jennet, jenny, jenny_ass": 3288, + "jerboa": 3122, + "jerboa_kangaroo, kangaroo_jerboa": 1610, + "jerboa_rat": 3061, + "jerkin": 7917, + "jeroboam, double-magnum": 7918, + "jersey": 7919, + "jersey, T-shirt, tee_shirt": 7920, + "jester, fool, motley_fool": 15912, + "jet, jet_plane, jet-propelled_plane": 7921, + "jet_bridge": 7922, + "jet_engine": 7923, + "jetliner": 7924, + "jew's_harp, jews'_harp, mouth_bow": 7927, + "jewel_orchid": 18503, + "jeweler's_glass": 7925, + "jewelled_headdress, jeweled_headdress": 7926, + "jewels-of-opar, Talinum_paniculatum": 17994, + "jewelweed, lady's_earrings, orange_balsam, celandine, touch-me-not, Impatiens_capensis": 20222, + "jewfish, Mycteroperca_bonaci": 3858, + "jezebel": 15914, + "jib": 7928, + "jibboom": 7929, + "jig": 7931, + "jiggermast, jigger": 7932, + "jigsaw, scroll_saw, fretsaw": 7933, + "jigsaw_puzzle": 7934, + "jilt": 15915, + "jimsonweed, jimson_weed, Jamestown_weed, common_thorn_apple, apple_of_Peru, Datura_stramonium": 20817, + "jinrikisha, ricksha, rickshaw": 7935, + "jird": 3095, + "job_candidate": 15917, + "jobber, middleman, wholesaler": 15916, + "jobcentre": 7936, + "jockey": 15919, + "jodhpur, jodhpur_boot, jodhpur_shoe": 7938, + "jodhpurs, jodhpur_breeches, riding_breeches": 7937, + "johnnycake, johnny_cake, journey_cake": 12723, + "joinery": 7939, + "joint": 7940, + "jointed_charlock, wild_radish, wild_rape, runch, Raphanus_raphanistrum": 18071, + "jointed_rush, Juncus_articulatus": 17704, + "jointer, jointer_plane, jointing_plane, long_plane": 7942, + "joist": 7943, + "jolly_boat, jolly": 7944, + "jonquil": 19543, + "jonquil, Narcissus_jonquilla": 19542, + "jordan_almond": 20100, + "jorum": 7945, + "joss_house": 7946, + "jotter": 12217, + "journal_bearing": 7947, + "journal_box": 7948, + "journalism, news_media": 12173, + "journalist": 15921, + "joystick": 7949, + "judge, justice, jurist": 15922, + "judge_advocate": 15923, + "judo": 175, + "jug": 7952, + "jug_wine": 13830, + "juggler": 15924, + "juice": 14002, + "jujube": 12507, + "jujube, Chinese_date, Chinese_jujube": 13164, + "jujube, jujube_bush, Christ's-thorn, Jerusalem_thorn, Ziziphus_jujuba": 21404, + "jukebox, nickelodeon": 7953, + "julep, mint_julep": 13953, + "julienne": 12388, + "julienne, julienne_vegetable": 12795, + "jumbojet, jumbo_jet": 7954, + "jumby_bead, jumbie_bead, Ormosia_coarctata": 19855, + "jump_seat": 7960, + "jump_suit": 7961, + "jump_suit, jumpsuit": 7962, + "jumper": 7958, + "jumper, pinafore, pinny": 7955, + "jumper_cable, jumper_lead, lead, booster_cable": 7959, + "jumping": 22, + "jumping_bean, jumping_seed, Mexican_jumping_bean": 20889, + "jumping_bristletail, machilid": 2854, + "jumping_mouse": 3120, + "jumping_plant_louse, psylla, psyllid": 2809, + "junco, snowbird": 563, + "junction": 7963, + "junction, conjunction": 7964, + "junction_barrier, barrier_strip": 7965, + "juneberry_holly": 20432, + "jungle_cat, Felis_chaus": 2416, + "jungle_cock": 1321, + "jungle_fowl, gallina": 1320, + "jungle_gym": 7950, + "jungle_hen": 1322, + "junior": 15927, + "junior_lightweight": 15929, + "junior_middleweight": 15930, + "juniper_berries": 13386, + "juniper_berry": 17452, + "junk": 7951, + "junk_shop": 7966, + "junket": 12549, + "junkyard": 14160, + "jurist, legal_expert": 15931, + "juror, juryman, jurywoman": 15932, + "jury_box": 7967, + "jury_mast": 7968, + "justice_of_the_peace": 15933, + "justiciar, justiciary": 15934, + "juvenile, juvenile_person": 14487, + "kabob, kebab, shish_kebab": 13675, + "kachina": 15935, + "kaffir_boom, Cape_kafferboom, Erythrina_caffra": 19793, + "kaffir_boom, Transvaal_kafferboom, Erythrina_lysistemon": 19796, + "kaffir_bread, Encephalartos_caffer": 17347, + "kaffir_cat, caffer_cat, Felis_ocreata": 2415, + "kaffiyeh": 7970, + "kahikatea, New_Zealand_Dacryberry, New_Zealand_white_pine, Dacrycarpus_dacrydioides, Podocarpus_dacrydioides": 17492, + "kai_apple": 13142, + "kaiser_roll": 12744, + "kaki, Himantopus_novae-zelandiae": 2013, + "kalansuwa": 7971, + "kale, kail, cole": 12828, + "kalmia": 19012, + "kalumpang, Java_olives, Sterculia_foetida": 18925, + "kameez": 7973, + "kampong, campong": 14202, + "kanchil, Tragulus_kanchil": 3489, + "kangaroo": 1597, + "kangaroo_mouse": 3062, + "kangaroo_mouse, dwarf_pocket_rat": 3119, + "kangaroo_paw, kangaroo's_paw, kangaroo's-foot, kangaroo-foot_plant, Australian_sword_lily, Anigozanthus_manglesii": 19254, + "kangaroo_rat, desert_rat, Dipodomys_phillipsii": 3117, + "kanzu": 7974, + "kaoliang": 18771, + "kapok, ceiba_tree, silk-cotton_tree, white_silk-cotton_tree, Bombay_ceiba, God_tree, Ceiba_pentandra": 18914, + "kapuka, Griselinia_littoralis": 20945, + "kasbah, casbah": 14176, + "katharometer": 7975, + "katsura_tree, Cercidiphyllum_japonicum": 17593, + "katydid": 2728, + "kauri, kaury, Agathis_australis": 17471, + "kauri_pine, dammar_pine": 17470, + "kava, kavakava": 13769, + "kawaka, Libocedrus_plumosa": 17454, + "kayak": 7976, + "kazoo": 7977, + "kea, Nestor_notabilis": 1430, + "kedgeree": 13676, + "keel": 21761, + "keelboat": 7979, + "keeled_garlic, Allium_carinatum": 19565, + "keelson": 7980, + "keep, donjon, dungeon": 7981, + "keeshond": 2344, + "keg": 7982, + "kei_apple, kei_apple_bush, Dovyalis_caffra": 19426, + "kelp": 321, + "kelp_greenling, Hexagrammos_decagrammus": 4087, + "kelpie": 2298, + "kenaf, kanaf, deccan_hemp, bimli, bimli_hemp, Indian_hemp, Bombay_hemp, Hibiscus_cannabinus": 18883, + "kennel, doghouse, dog_house": 7983, + "kepi, peaked_cap, service_cap, yachting_cap": 7984, + "keratoscope": 7985, + "kerchief": 7986, + "kernel": 18822, + "kernel, meat": 21380, + "kestrel, Falco_tinnunculus": 839, + "ketch": 7987, + "keteleeria": 17462, + "ketembilla, kitembilla, kitambilla": 13143, + "ketembilla, kitembilla, kitambilla, ketembilla_tree, Ceylon_gooseberry, Dovyalis_hebecarpa": 19427, + "kettle, boiler": 7988, + "kettle, kettledrum, tympanum, tympani, timpani": 7989, + "keurboom, Virgilia_capensis, Virgilia_oroboides": 19920, + "keurboom, Virgilia_divaricata": 19921, + "key": 7991, + "key_lime": 13061, + "key_palm, silvertop_palmetto, silver_thatch, Thrinax_microcarpa, Thrinax_morrisii, Thrinax_keyensis": 19976, + "keyboard": 7992, + "keyboard_buffer": 7993, + "keyboard_instrument": 7994, + "keyboardist": 15936, + "keyhole": 7995, + "keyhole_limpet, Fissurella_apertura, Diodora_apertura": 1775, + "keyhole_saw": 7996, + "khadi, khaddar": 7997, + "khaki": 7998, + "khakis": 7999, + "khimar": 8000, + "khukuri": 8001, + "kiang, Equus_kiang": 3293, + "kibble": 12298, + "kick_pleat": 8002, + "kick_starter, kick_start": 8005, + "kicksorter, pulse_height_analyzer": 8003, + "kickstand": 8004, + "kid": 3410, + "kid_glove, suede_glove": 8006, + "kidney_bean": 12916, + "kidney_bean, frijol, frijole": 19862, + "kidney_fern, Trichomanes_reniforme": 20954, + "kidney_stone, urinary_calculus, nephrolith, renal_calculus": 14318, + "kidney_vetch, Anthyllis_vulneraria": 19738, + "killdeer, kildeer, killdeer_plover, Charadrius_vociferus": 1965, + "killer_whale, killer, orca, grampus, sea_wolf, Orcinus_orca": 2128, + "killifish": 377, + "kiln": 8007, + "kilt": 8008, + "kimono": 8009, + "kin, kinsperson, family": 15942, + "kinescope, picture_tube, television_tube": 8010, + "king": 8013, + "king, queen, world-beater": 15939, + "king_crab, Alaska_crab, Alaskan_king_crab, Alaska_king_crab, Paralithodes_camtschatica": 1850, + "king_mackerel, cavalla, cero, Scomberomorus_cavalla": 4024, + "king_penguin, Aptenodytes_patagonica": 2081, + "king_post": 8015, + "king_snake, kingsnake": 1168, + "king_vulture, Sarcorhamphus_papa": 872, + "king_whiting, Menticirrhus_americanus": 3944, + "kingbird, Tyrannus_tyrannus": 608, + "kingbolt, kingpin, swivel_pin": 8014, + "kingfish": 3943, + "kingfish, Seriola_grandis": 3884, + "kingfisher": 1457, + "kingfisher_daisy, Felicia_bergeriana": 18300, + "kinglet": 660, + "kingmaker": 15938, + "kingwood, kingwood_tree, Dalbergia_cearensis": 19781, + "kink": 15944, + "kinkajou, honey_bear, potto, Potos_flavus, Potos_caudivolvulus": 3687, + "kino, Pterocarpus_marsupium": 19885, + "kinswoman": 15945, + "kirk": 8017, + "kirpan": 8018, + "kirsch": 13881, + "kirtle": 8020, + "kishke, stuffed_derma": 13731, + "kiss, candy_kiss": 12513, + "kisser, osculator": 15946, + "kit": 8022, + "kit, outfit": 8021, + "kit_fox, Vulpes_macrotis": 2382, + "kit_fox, prairie_fox, Vulpes_velox": 2381, + "kitbag, kit_bag": 8023, + "kitchen": 8024, + "kitchen_appliance": 8025, + "kitchen_help": 15947, + "kitchen_police, KP": 15948, + "kitchen_table": 8027, + "kitchen_utensil": 8028, + "kitchenette": 8026, + "kitchenware": 8029, + "kite": 826, + "kite_balloon": 8030, + "kitten, kitty": 2396, + "kitten-tails": 20750, + "kittiwake": 2035, + "kitty, kitty-cat, puss, pussy, pussycat": 2389, + "kiwi, apteryx": 528, + "kiwi, kiwi_fruit, Chinese_gooseberry": 13149, + "klammath_weed, Hypericum_perforatum": 19407, + "klaxon, claxon": 8031, + "klebsiella": 276, + "kleptomaniac": 15950, + "klieg_light": 8032, + "klystron": 8033, + "knapweed": 18233, + "knawel, knawe, Scleranthus_annuus": 17875, + "knee-high, knee-hi": 8035, + "knee_brace": 8034, + "knee_pad": 8036, + "knee_piece": 8037, + "kneeler": 15951, + "knife": 8039, + "knife_blade": 8040, + "knight": 15952, + "knight, horse": 8041, + "kniphofia, tritoma, flame_flower, flame-flower, flameflower": 19582, + "knish": 12618, + "knit": 8042, + "knitting_machine": 8043, + "knitting_needle": 8044, + "knitwear": 8045, + "knob, boss": 8046, + "knob, pommel": 8047, + "knobble": 8048, + "knobcone_pine, Pinus_attenuata": 17390, + "knobkerrie, knobkerry": 8049, + "knocker": 15953, + "knocker, doorknocker, rapper": 8050, + "knoll, mound, hillock, hummock, hammock": 14319, + "knot": 8051, + "knot, greyback, grayback, Calidris_canutus": 1984, + "knotgrass, Paspalum_distichum": 18743, + "knothole": 21842, + "know-it-all, know-all": 15955, + "knower, apprehender": 15954, + "knuckle_joint, hinge_joint": 8052, + "koala, koala_bear, kangaroo_bear, native_bear, Phascolarctos_cinereus": 1615, + "kob, Kobus_kob": 3454, + "kohl": 8053, + "kohleria": 20620, + "kohlrabi, Brassica_oleracea_gongylodes": 18028, + "kohlrabi, turnip_cabbage": 12963, + "kola, kola_nut, kola_nut_tree, goora_nut, Cola_acuminata": 18931, + "kola_nut, cola_nut": 18932, + "kolkhoznik": 15956, + "komondor": 2299, + "kookaburra, laughing_jackass, Dacelo_gigas": 1460, + "kopje, koppie": 14320, + "kosher": 12259, + "koto": 8054, + "koumiss, kumis": 14019, + "kowhai, Sophora_tetraptera": 19896, + "kraal": 8055, + "krait": 1227, + "kremlin": 8056, + "krigia": 18347, + "krill": 1870, + "kris, creese, crease": 8057, + "krummhorn, crumhorn, cromorne": 8058, + "kudu, koodoo, koudou": 3440, + "kudzu, kudzu_vine, Pueraria_lobata": 19887, + "kummel": 13922, + "kumquat": 13058, + "kumquat, cumquat, kumquat_tree": 20300, + "kurrajong, currajong, Brachychiton_populneus": 18929, + "kurta": 8061, + "kuvasz": 2289, + "kvass": 13794, + "kylix, cylix": 8062, + "kymograph, cymograph": 8063, + "lab_bench, laboratory_bench": 8064, + "lab_coat, laboratory_coat": 8065, + "labor_coach, birthing_coach, doula, monitrice": 15958, + "laborer, manual_laborer, labourer, jack": 15959, + "lace": 8066, + "lace-flower_vine, Alsobia_dianthiflora, Episcia_dianthiflora": 20615, + "lace_bug": 2756, + "lace_fern, Cheilanthes_gracillima": 21557, + "lacebark, ribbonwood, houhere, Hoheria_populnea": 18890, + "lacertid_lizard, lacertid": 1077, + "lacewing, lacewing_fly": 2833, + "lacquer": 8067, + "lacquerware": 8068, + "lacrosse": 148, + "lacrosse_ball": 8069, + "ladder-back": 8070, + "ladder-back, ladder-back_chair": 8071, + "ladder_truck, aerial_ladder_truck": 8072, + "ladies'_room, powder_room": 8073, + "ladies'_tresses, lady's_tresses": 18611, + "ladle": 8074, + "lady": 15961, + "lady's-eardrop, ladies'-eardrop, lady's-eardrops, ladies'-eardrops, Fuchsia_coccinea": 19346, + "lady's_maid": 15963, + "lady's_slipper, lady-slipper, ladies'_slipper, slipper_orchid": 18531, + "lady's_smock, cuckooflower, cuckoo_flower, meadow_cress, Cardamine_pratensis": 18039, + "lady-in-waiting": 15962, + "lady-of-the-night, Brunfelsia_americana": 20807, + "lady_chapel": 8075, + "lady_fern, Athyrium_filix-femina": 21519, + "lady_palm": 19968, + "lady_tulip, candlestick_tulip, Tulipa_clusiana": 19629, + "ladybug, ladybeetle, lady_beetle, ladybird, ladybird_beetle": 2533, + "ladyfish, tenpounder, Elops_saurus": 3786, + "laelia": 18575, + "lag_screw, lag_bolt": 8077, + "lager, lager_beer": 13777, + "lagerphone": 8076, + "lagging": 21779, + "lagomorph, gnawing_mammal": 3022, + "lake_bed, lake_bottom": 14322, + "lake_dwelling, pile_dwelling": 8078, + "lake_trout, salmon_trout, Salvelinus_namaycush": 3774, + "lake_whitefish, Coregonus_clupeaformis": 3779, + "lakefront": 14323, + "lakeside, lakeshore": 14324, + "lally, lally_column": 8079, + "lama": 15964, + "lamasery": 8080, + "lamb": 3383, + "lamb's-quarter, pigweed, wild_spinach": 12964, + "lamb's-quarters, pigweed, wild_spinach, Chenopodium_album": 17905, + "lamb, dear": 15965, + "lamb_curry": 13365, + "lamb_succory, dwarf_nipplewort, Arnoseris_minima": 18149, + "lambkin": 3384, + "lambrequin": 8081, + "lame": 8082, + "lame_duck": 15966, + "lamellicorn_beetle": 2555, + "laminar_flow_clean_room": 8083, + "laminate": 8084, + "lamination": 8085, + "lamp": 8087, + "lamp_house, lamphouse, lamp_housing": 8088, + "lamplighter": 15967, + "lamppost": 8089, + "lamprey, lamprey_eel, lamper_eel": 440, + "lampshade, lamp_shade": 8090, + "lanai": 8091, + "lancelet, amphioxus": 421, + "lanceolate_spleenwort, Asplenium_billotii": 21493, + "lancet_arch, lancet": 8092, + "lancet_window": 8093, + "lancetfish, lancet_fish, wolffish": 3791, + "lancewood, lancewood_tree, Oxandra_lanceolata": 17580, + "land_agent": 15968, + "land_line, landline": 8101, + "land_mine, ground-emplaced_mine, booby_trap": 8102, + "land_office": 8103, + "landau": 8094, + "lander": 8095, + "landfall": 14325, + "landfill": 14326, + "landgrave": 15969, + "landing_craft": 8096, + "landing_flap": 8097, + "landing_gear": 8098, + "landing_net": 8099, + "landing_skid": 8100, + "landlocked_salmon, lake_salmon": 3766, + "landlubber, landsman, landman": 15971, + "landlubber, lubber, landsman": 15970, + "landowner, landholder, property_owner": 15972, + "landscape": 12161, + "landscape_architect, landscape_gardener, landscaper, landscapist": 15973, + "langlaufer": 15974, + "languisher": 15975, + "langur": 3632, + "lanolin": 8104, + "lanseh_tree, langsat, langset, Lansium_domesticum": 20260, + "lantana": 20849, + "lantern": 8105, + "lantern_fly, lantern-fly": 2821, + "lanternfish": 3789, + "lanyard, laniard": 8106, + "lap, lap_covering": 8107, + "lap_joint, splice": 8111, + "laparoscope": 8108, + "lapboard": 8109, + "lapdog": 2172, + "lapel": 8110, + "lapidary, lapidarist": 15976, + "lapin": 3026, + "lappet, lappet_moth": 2977, + "lappet_caterpillar": 2978, + "laptop, laptop_computer": 8112, + "lapwing, green_plover, peewit, pewit": 1968, + "larch, larch_tree": 17394, + "larder": 12315, + "large-flowered_calamint, Calamintha_grandiflora, Clinopodium_grandiflorum, Satureja_grandiflora": 20650, + "large-leaved_aster, Aster_macrophyllus": 18172, + "large-leaved_magnolia, large-leaved_cucumber_tree, great-leaved_macrophylla, Magnolia_macrophylla": 17616, + "large_civet, Viverra_zibetha": 2457, + "large_crabgrass, hairy_finger_grass, Digitaria_sanguinalis": 18709, + "large_periwinkle, Vinca_major": 17782, + "large_poodle": 2354, + "large_white, Pieris_brassicae": 2886, + "large_white_petunia, Petunia_axillaris": 20834, + "large_yellow_lady's_slipper, Cypripedium_calceolus_pubescens": 18536, + "largeleaf_holly": 20433, + "largemouth, largemouth_bass, largemouthed_bass, largemouth_black_bass, largemouthed_black_bass, Micropterus_salmoides": 3845, + "larid": 2028, + "lark": 540, + "larkspur": 17680, + "larva": 2993, + "larvacean": 427, + "laryngoscope": 8113, + "lasagna, lasagne": 13678, + "laser, optical_maser": 8114, + "laser-guided_bomb, LGB": 8115, + "laser_printer": 8116, + "lash, thong": 8117, + "lashing": 8118, + "lasiocampid, lasiocampid_moth": 2971, + "lass, lassie, young_girl, jeune_fille": 15977, + "lasso, lariat, riata, reata": 8119, + "latanier, latanier_palm": 19950, + "latch": 8120, + "latch, door_latch": 8121, + "latchet": 8122, + "latchkey": 8123, + "late_purple_aster": 18187, + "lateen, lateen_sail": 8124, + "latex_paint, latex, rubber-base_paint": 8125, + "lath": 8126, + "lathe": 8127, + "lather": 14327, + "latitudinarian": 15980, + "latrine": 8128, + "lattice, latticework, fretwork": 8129, + "laughing_gull, blackcap, pewit, pewit_gull, Larus_ridibundus": 2033, + "laughing_owl, laughing_jackass, Sceloglaux_albifacies": 890, + "launch": 8130, + "launcher, rocket_launcher": 8131, + "laundry, wash, washing, washables": 8132, + "laundry_cart": 8133, + "laundry_truck": 8134, + "laurel": 17594, + "laurel-tree, red_bay, Persea_borbonia": 17604, + "laurel_oak, pin_oak, Quercus_laurifolia": 19124, + "laurel_sumac, Malosma_laurina, Rhus_laurina": 20440, + "laurelwood, lancewood_tree, Calophyllum_candidissimum": 19394, + "lavalava": 8135, + "lavaliere, lavalier, lavalliere": 8136, + "lavender": 12045, + "lavender_cotton, Santolina_chamaecyparissus": 18407, + "laver": 8137, + "law_agent": 15982, + "law_student": 15985, + "lawgiver, lawmaker": 15983, + "lawman, law_officer, peace_officer": 15984, + "lawn_chair, garden_chair": 8138, + "lawn_furniture": 8139, + "lawn_mower, mower": 8140, + "lawyer, attorney": 15986, + "lawyer_cane, Calamus_australis": 19941, + "lawyerbush, lawyer_bush, bush_lawyer, Rubus_cissoides, Rubus_australis": 20130, + "lay_reader": 15987, + "layer": 1334, + "layette": 8141, + "lazybones": 15988, + "lead-acid_battery, lead-acid_accumulator": 8142, + "lead-in": 8143, + "lead_pencil": 8145, + "lead_tree, white_popinac, Leucaena_glauca, Leucaena_leucocephala": 17748, + "leading_rein": 8144, + "leadwort, Plumbago_europaea": 18660, + "leaf-cutting_bee, leaf-cutter, leaf-cutter_bee": 2674, + "leaf-footed_bug, leaf-foot_bug": 2761, + "leaf-nosed_snake": 1146, + "leaf_beetle, chrysomelid": 2547, + "leaf_bug, plant_bug": 2751, + "leaf_lettuce, Lactuca_sativa_crispa": 18351, + "leaf_lettuce, loose-leaf_lettuce": 12899, + "leaf_miner, leaf-miner": 2633, + "leaf_roller, leaf-roller": 2898, + "leaf_shape, leaf_form": 21638, + "leaf_spring": 8146, + "leafhopper": 2818, + "leafnose_bat, leaf-nosed_bat": 2481, + "leafy_spurge, wolf's_milk, Euphorbia_esula": 20861, + "leak": 14328, + "leaker": 15989, + "lean-to": 8147, + "lean-to_tent": 8148, + "leaseholder, lessee": 15990, + "leash, tether, lead": 8149, + "least_bittern, Ixobrychus_exilis": 1931, + "least_sandpiper, stint, Erolia_minutilla": 1976, + "least_shrew, Cryptotis_parva": 1651, + "leather_carp": 356, + "leather_fern, leatherleaf_fern, ten-day_fern, Rumohra_adiantiformis, Polystichum_adiantiformis": 21538, + "leather_flower, Clematis_versicolor": 17673, + "leather_flower, vase-fine, vase_vine, Clematis_viorna": 17674, + "leather_strip": 8151, + "leatherback_turtle, leatherback, leathery_turtle, Dermochelys_coriacea": 999, + "leatherette, imitation_leather": 8150, + "leatherjacket": 2998, + "leatherjacket, leatherfish": 4099, + "leatherjacket, leatherjack": 3878, + "leatherleaf, Chamaedaphne_calyculata": 19003, + "leatherleaf, leathery_polypody, coast_polypody, Polypodium_scouleri": 21467, + "leatherleaf_saxifrage, Leptarrhena_pyrolifolia": 20537, + "leathery_grape_fern, Botrychium_multifidum": 20977, + "lecanora": 21031, + "lechwe, Kobus_leche": 3455, + "lectern, reading_desk": 8153, + "lector, lecturer, reader": 15991, + "lector, reader": 15992, + "lecture_room": 8154, + "lecturer": 15993, + "lederhosen": 8155, + "ledge, shelf": 14329, + "ledger_board": 8156, + "leech, bloodsucker, hirudinean": 1747, + "leek": 12889, + "left-hander, lefty, southpaw": 15994, + "lefteye_flounder, lefteyed_flounder": 4121, + "leg": 8158, + "legal_representative": 15995, + "legate, official_emissary": 15996, + "legatee": 15997, + "legging, leging, leg_covering": 8159, + "legionnaire, legionary": 15998, + "legless_lizard": 1072, + "legume": 17710, + "legume, leguminous_plant": 17709, + "leisure_wear": 8161, + "lekvar": 13760, + "lemming": 3098, + "lemon": 13059, + "lemon, lemon_tree, Citrus_limon": 20295, + "lemon-scented_gum, Eucalyptus_citriodora, Eucalyptus_maculata_citriodora": 19330, + "lemon_balm": 13329, + "lemon_balm, garden_balm, sweet_balm, bee_balm, beebalm, Melissa_officinalis": 20682, + "lemon_curd, lemon_cheese": 12633, + "lemon_drop": 12475, + "lemon_extract": 13394, + "lemon_geranium, Pelargonium_limoneum": 20235, + "lemon_juice": 14013, + "lemon_lily, Hemerocallis_lilio-asphodelus, Hemerocallis_flava": 19634, + "lemon_mint, horsemint, Monarda_citriodora": 20697, + "lemon_oil": 13289, + "lemon_peel": 12490, + "lemon_shark, Negaprion_brevirostris": 473, + "lemon_sole, Microstomus_kitt": 4116, + "lemonade": 14021, + "lemonade_mix": 12448, + "lemonwood, lemon-wood, lemonwood_tree, lemon-wood_tree, Psychotria_capensis": 20183, + "lemur": 3655, + "lens, electron_lens": 8163, + "lens, lense, lens_system": 8162, + "lens_cap, lens_cover": 8164, + "lens_implant, interocular_lens_implant, IOL": 8165, + "lenten_rose, black_hellebore, Helleborus_orientalis": 17682, + "lentil": 19831, + "lentil, lentil_plant, Lens_culinaris": 19830, + "lentil_soup": 12409, + "leopard": 21777, + "leopard's-bane, leopardbane": 18275, + "leopard, Panthera_pardus": 2428, + "leopard_cat, Felis_bengalensis": 2418, + "leopard_frog, spring_frog, Rana_pipiens": 934, + "leopard_lily, panther_lily, Lilium_pardalinum": 19555, + "leopard_lizard": 1037, + "leopardess": 2429, + "leotard, unitard, body_suit, cat_suit": 8166, + "lepidopterous_insect, lepidopteron, lepidopteran": 2861, + "lepiota": 21087, + "leporid, leporid_mammal": 3023, + "leptocephalus": 2995, + "leptodactylid_frog, leptodactylid": 942, + "lepton": 14330, + "lerot": 3128, + "lesser_ape": 3611, + "lesser_butterfly_orchid, Platanthera_bifolia, Habenaria_bifolia": 18597, + "lesser_calamint, field_balm, Calamintha_nepeta, Calamintha_nepeta_glantulosa, Satureja_nepeta, Satureja_calamintha_glandulosa": 20651, + "lesser_celandine, pilewort, Ranunculus_ficaria": 17637, + "lesser_centaury, Centaurium_minus": 19187, + "lesser_kudu, Tragelaphus_imberbis": 3442, + "lesser_panda, red_panda, panda, bear_cat, cat_bear, Ailurus_fulgens": 3689, + "lesser_prairie_chicken, Tympanuchus_pallidicinctus": 1359, + "lesser_rorqual, piked_whale, minke_whale, Balaenoptera_acutorostrata": 2110, + "lesser_scaup, lesser_scaup_duck, lake_duck, Aythya_affinis": 1538, + "lesser_spearwort, Ranunculus_flammula": 17638, + "lesser_twayblade, Listera_cordata": 18580, + "lesser_whitethroat, whitethroat, Sylvia_curruca": 667, + "lesser_wintergreen, Pyrola_minor": 19067, + "lesser_yellowlegs, Tringa_flavipes": 1982, + "letter_case": 8167, + "letter_opener, paper_knife, paperknife": 8168, + "letterman": 15999, + "lettuce": 12892, + "leucocytozoan, leucocytozoon": 348, + "leucothoe": 19018, + "leukocyte, leucocyte, white_blood_cell, white_cell, white_blood_corpuscle, white_corpuscle, WBC": 12120, + "levee": 8169, + "level, spirit_level": 8170, + "lever": 8173, + "lever, lever_tumbler": 8172, + "lever_lock": 8174, + "leveret": 3034, + "liana": 21333, + "liberator": 16000, + "library": 14104, + "licenser": 16001, + "licentiate": 16002, + "lichen": 21028, + "licorice, liquorice": 12517, + "licorice, liquorice, Glycyrrhiza_glabra": 19806, + "licorice_fern, Polypodium_glycyrrhiza": 21465, + "licorice_root": 19808, + "lid": 8179, + "lie_detector": 8181, + "liebfraumilch": 13838, + "lieutenant": 16003, + "lieutenant_colonel, light_colonel": 16004, + "lieutenant_commander": 16005, + "lieutenant_junior_grade, lieutenant_JG": 16006, + "life": 16007, + "life-support_system, life_support": 8188, + "life_buoy, lifesaver, life_belt, life_ring": 8183, + "life_jacket, life_vest, cork_jacket": 8184, + "life_office": 8185, + "life_preserver, preserver, flotation_device": 8186, + "life_tenant": 16009, + "lifeboat": 8182, + "lifeguard, lifesaver": 16008, + "lift_pump": 8190, + "lifting_device": 8189, + "ligament": 8191, + "ligature": 8192, + "liger": 2439, + "light, light_source": 8193, + "light, lightness": 11997, + "light-emitting_diode, LED": 8197, + "light-o'-love, light-of-love": 16013, + "light_arm": 8194, + "light_beer": 13778, + "light_brown": 12052, + "light_bulb, lightbulb, bulb, incandescent_lamp, electric_light, electric-light_bulb": 8195, + "light_circuit, lighting_circuit": 8196, + "light_cream, coffee_cream, single_cream": 13523, + "light_diet": 12274, + "light_filter, diffusing_screen": 8200, + "light_flyweight": 16010, + "light_heavyweight": 16012, + "light_heavyweight, cruiserweight": 16011, + "light_machine_gun": 8202, + "light_meter, exposure_meter, photometer": 8203, + "light_microscope": 8204, + "light_pen, electronic_stylus": 8206, + "lighter, light, igniter, ignitor": 8198, + "lighter-than-air_craft": 8199, + "lighting": 8201, + "lightning_rod, lightning_conductor": 8205, + "lightship": 8207, + "lightweight": 16016, + "lightwood, Acacia_melanoxylon": 17735, + "lignosae": 21309, + "lignum": 21299, + "lignum_vitae, Guaiacum_officinale": 20323, + "lilac": 19247, + "liliaceous_plant": 19545, + "lilliputian": 16017, + "lima_bean": 12931, + "lima_bean, lima_bean_plant, Phaseolus_limensis": 19866, + "limber": 8209, + "limber_pine, Pinus_flexilis": 17372, + "lime": 13060, + "lime, lime_tree, Citrus_aurantifolia": 20297, + "lime_juice": 14014, + "limeade": 14022, + "limekiln": 8210, + "limestone_fern, northern_oak_fern, Gymnocarpium_robertianum": 21529, + "limestone_salamander, Hydromantes_brunus": 928, + "limey, John_Bull": 14640, + "limiter, clipper": 8211, + "limnologist": 16018, + "limousine, limo": 8212, + "limpa": 12704, + "limpet": 1773, + "limpkin, Aramus_pictus": 1935, + "linden, linden_tree, basswood, lime, lime_tree": 18945, + "line": 21644, + "line_of_heart, heart_line, love_line, mensal_line": 21738, + "line_of_life, life_line, lifeline": 21737, + "line_officer": 16020, + "line_printer, line-at-a-time_printer": 8215, + "linear_accelerator, linac": 8213, + "linear_leaf, elongate_leaf": 21441, + "lined_snake, Tropidoclonion_lineatum": 1175, + "lineman": 16019, + "linen": 8214, + "liner, lining": 8217, + "liner, ocean_liner": 8216, + "ling": 3730, + "lingcod, Ophiodon_elongatus": 3810, + "lingerie, intimate_apparel": 8218, + "lingonberry, mountain_cranberry, cowberry, lowbush_cranberry": 13027, + "lining, liner": 8219, + "link, data_link": 8220, + "linkage": 8221, + "linnet, lintwhite, Carduelis_cannabina": 549, + "linocut": 8223, + "linoleum, lino": 21797, + "linoleum_knife, linoleum_cutter": 8224, + "linseed, flaxseed": 21818, + "linsey-woolsey": 8226, + "linstock": 8227, + "lion's-ear, Leonotis_nepetaefolia, Leonotis_nepetifolia": 20671, + "lion, king_of_beasts, Panthera_leo": 2433, + "lion-hunter": 16021, + "lion-jaw_forceps": 8228, + "lion_cub": 220, + "lioness": 2434, + "lionet": 2435, + "lionfish": 4073, + "lip": 17568, + "lip-gloss": 8229, + "lip_fern, lipfern": 21555, + "liparis": 18576, + "lipstick, lip_rouge": 8230, + "liqueur, cordial": 13906, + "liqueur_glass": 8231, + "liquid_crystal_display, LCD": 8232, + "liquid_diet": 12275, + "liquid_metal_reactor": 8233, + "liquidambar": 19259, + "liquor, spirits, booze, hard_drink, hard_liquor, John_Barleycorn, strong_drink": 13866, + "lisle": 8234, + "lisper": 16022, + "lister": 16023, + "lister, lister_plow, lister_plough, middlebreaker, middle_buster": 8235, + "litchi, lichee, litchi_tree, Litchi_chinensis, Nephelium_litchi": 20390, + "litchi, litchi_nut, litchee, lichi, leechee, lichee, lychee": 13165, + "literary_critic": 16024, + "literate, literate_person": 16025, + "lithia_water": 21798, + "lithophyte, lithophytic_plant": 21340, + "lithosphere, geosphere": 14331, + "litigant, litigator": 16026, + "litter": 21786, + "litterbin, litter_basket, litter-basket": 8236, + "litterer, litterbug, litter_lout": 16027, + "little-head_snakeweed, Gutierrezia_microcephala": 18314, + "little_auk, dovekie, Plautus_alle": 2046, + "little_barley, Hordeum_pusillum": 18729, + "little_black_ant, Monomorium_minimum": 2704, + "little_blue_heron, Egretta_caerulea": 1918, + "little_brother": 16028, + "little_brown_bat, little_brown_myotis, Myotis_leucifugus": 2495, + "little_chief_hare, Ochotona_princeps": 3044, + "little_egret, Egretta_garzetta": 1920, + "little_golden_zinnia, Zinnia_grandiflora": 18481, + "little_owl, Athene_noctua": 875, + "little_sister": 16029, + "little_skate, Raja_erinacea": 507, + "little_theater, little_theatre": 8237, + "littleneck, littleneck_clam": 1793, + "littoral, litoral, littoral_zone, sands": 14162, + "live_axle, driving_axle": 8238, + "live_oak": 19105, + "liver-spotted_dalmatian": 2333, + "liver_chestnut": 3278, + "liver_fluke, Fasciola_hepatica": 1720, + "liverwort, hepatic": 17313, + "livestock, stock, farm_animal": 1627, + "living_quarters, quarters": 8239, + "living_room, living-room, sitting_room, front_room, parlor, parlour": 8240, + "livingstone_daisy, Dorotheanthus_bellidiformis": 17889, + "liza, Mugil_liza": 3959, + "lizard": 1024, + "lizard_orchid, Himantoglossum_hircinum": 18574, + "lizardfish, snakefish, snake-fish": 3790, + "llama": 3495, + "loach": 352, + "load": 8241, + "loaf_of_bread, loaf": 12687, + "loaner": 8243, + "lobbyist": 16030, + "lobe": 12246, + "lobed_spleenwort, Asplenium_pinnatifidum": 21492, + "lobelia": 18860, + "loblolly": 13708, + "loblolly_pine, frankincense_pine, Pinus_taeda": 17379, + "lobscouse, lobscuse, scouse": 12429, + "lobster": 1854, + "lobster_Newburg, lobster_a_la_Newburg": 13680, + "lobster_butter": 13583, + "lobster_pot": 8245, + "lobster_stew": 12428, + "lobster_thermidor": 13683, + "local": 8246, + "local_area_network, LAN": 8247, + "local_call": 12194, + "local_oscillator, heterodyne_oscillator": 8248, + "lock": 8253, + "lock, ignition_lock": 8251, + "lock, lock_chamber": 8252, + "lock-gate": 8258, + "lockage": 8254, + "locker": 8255, + "locker_room": 8256, + "locket": 8257, + "locking_pliers": 8259, + "lockring, lock_ring, lock_washer": 8260, + "locksmith": 16031, + "lockstitch": 8261, + "lockup": 8262, + "locomotive, engine, locomotive_engine, railway_locomotive": 8263, + "locoweed, crazyweed, crazy_weed": 19856, + "locum_tenens, locum": 16032, + "locus_of_infection": 14175, + "locust": 2724, + "locust_tree, locust": 19718, + "loddon_pondweed, Potamogeton_nodosus, Potamogeton_americanus": 20013, + "lodestone, loadstone": 21799, + "lodge": 8266, + "lodge, hunting_lodge": 8265, + "lodge, indian_lodge": 8264, + "lodging_house, rooming_house": 8267, + "loft": 8270, + "loft, attic, garret": 8268, + "loft, pigeon_loft": 8269, + "log_cabin": 8271, + "loganberry": 13035, + "loganberry, Rubus_loganobaccus, Rubus_ursinus_loganobaccus": 20134, + "loggerhead, loggerhead_turtle, Caretta_caretta": 994, + "loggerhead_shrike, Lanius_lucovicianus": 794, + "loggia": 8272, + "logwood, logwood_tree, campeachy, bloodwood_tree, Haematoxylum_campechianum": 19722, + "loir, Glis_glis": 3126, + "loligo": 1828, + "lollipop, sucker, all-day_sucker": 12519, + "lomatia": 18970, + "loment": 21390, + "long-billed_marsh_wren, Cistothorus_palustris": 744, + "long-clawed_prawn, river_prawn, Palaemon_australis": 1868, + "long-eared_bat": 2503, + "long-eared_owl, Asio_otus": 889, + "long-head_coneflower, prairie_coneflower, Ratibida_columnifera": 18400, + "long-horned_beetle, longicorn, longicorn_beetle": 2544, + "long-horned_grasshopper, tettigoniid": 2727, + "long-spurred_violet, Viola_rostrata": 19455, + "long-tailed_porcupine, Trichys_lipura": 3109, + "long_beech_fern, narrow_beech_fern, northern_beech_fern, Phegopteris_connectilis, Dryopteris_phegopteris, Thelypteris_phegopteris": 21606, + "long_distance, long-distance_call, trunk_call": 12195, + "long_iron": 8274, + "long_johns": 8275, + "long_sleeve": 8276, + "long_tom": 8277, + "long_trousers, long_pants": 8278, + "long_underwear, union_suit": 8279, + "longan, lungen, longanberry, Dimocarpus_longan, Euphorbia_litchi, Nephelium_longana": 20386, + "longanberry, dragon's_eye": 13166, + "longbow": 8273, + "longfin_mako, Isurus_paucus": 458, + "longheaded_thimbleweed, Anemone_riparia": 17656, + "longhorn, Texas_longhorn": 3340, + "longleaf_pine, pitch_pine, southern_yellow_pine, Georgia_pine, Pinus_palustris": 17382, + "longtail_weasel, long-tailed_weasel, Mustela_frenata": 3508, + "longwool": 3397, + "loofa, loofah, luffa, loufah_sponge": 18857, + "loofah, vegetable_sponge, Luffa_cylindrica": 18855, + "lookdown, lookdown_fish, Selene_vomer": 3881, + "looking-glass_plant, Heritiera_littoralis": 18939, + "looking_glass, glass": 8280, + "looking_glass_tree, Heritiera_macrophylla": 18938, + "lookout, observation_tower, lookout_station, observatory": 8281, + "loom": 8282, + "loon, diver": 2058, + "loop": 21673, + "loop_knot": 8283, + "loose_smut": 21233, + "loosestrife": 19289, + "loquat, Japanese_plum": 13150, + "loquat, loquat_tree, Japanese_medlar, Japanese_plum, Eriobotrya_japonica": 20044, + "lorchel": 21157, + "lorgnette": 8284, + "lorikeet": 1437, + "lorry, camion": 8286, + "lory": 1436, + "loser": 16034, + "loser, also-ran": 16035, + "lota": 8287, + "lotion": 8288, + "lotus, Indian_lotus, sacred_lotus, Nelumbo_nucifera": 17629, + "loudmouth, blusterer": 16038, + "loudspeaker, speaker, speaker_unit, loudspeaker_system, speaker_system": 8289, + "lounge, waiting_room, waiting_area": 8290, + "lounger": 8291, + "loungewear": 8294, + "lounging_jacket, smoking_jacket": 8292, + "lounging_pajama, lounging_pyjama": 8293, + "loupe, jeweler's_loupe": 8295, + "louse, sucking_louse": 2597, + "louse_fly, hippoboscid": 2634, + "louvar, Luvarus_imperialis": 4047, + "louvered_window, jalousie": 8296, + "lovage": 13330, + "lovage, Levisticum_officinale": 20920, + "love-in-a-mist, Nigella_damascena": 17689, + "love-in-a-mist, running_pop, wild_water_lemon, Passiflora_foetida": 19440, + "love-in-winter, western_prince's_pine, Chimaphila_umbellata, Chimaphila_corymbosa": 19071, + "love_knot, lovers'_knot, lover's_knot, true_lovers'_knot, true_lover's_knot": 8297, + "love_seat, loveseat, tete-a-tete, vis-a-vis": 8298, + "lovebird": 1435, + "lover": 14488, + "loving_cup": 8299, + "low-bush_blueberry, low_blueberry, Vaccinium_angustifolium, Vaccinium_pennsylvanicum": 19041, + "low-calorie_diet": 12276, + "low-fat_diet": 12277, + "low-fat_milk": 13516, + "low-pass_filter": 8301, + "low-sodium_diet, low-salt_diet, salt-free_diet": 12278, + "low-warp-loom": 8302, + "low-water_mark": 14209, + "low_St_Andrew's_cross, Hypericum_hypericoides": 19406, + "low_gallberry_holly": 20428, + "lowboy": 8300, + "lowerclassman, underclassman": 16039, + "lowland": 14332, + "lowland_burrowing_treefrog, northern_casque-headed_frog, Pternohyla_fodiens": 977, + "lowland_fir, lowland_white_fir, giant_fir, grand_fir, Abies_grandis": 17408, + "loyalist, stalwart": 16041, + "lozenge": 12520, + "lubber's_hole": 8305, + "lubricating_system, force-feed_lubricating_system, force_feed, pressure-feed_lubricating_system, pressure_feed": 8306, + "luff": 8307, + "luffa, dishcloth_gourd, sponge_gourd, rag_gourd, strainer_vine": 18854, + "lug": 8308, + "lug_wrench": 8316, + "luge": 8309, + "luggage_carrier": 8311, + "luggage_compartment, automobile_trunk, trunk": 8312, + "luggage_rack, roof_rack": 8313, + "lugger": 8314, + "luging": 59, + "lugsail, lug": 8315, + "lugworm, lug, lobworm": 1744, + "lumberjack, lumber_jacket": 8317, + "lumberman, lumberjack, logger, feller, faller": 16043, + "lumbermill, sawmill": 8318, + "lump_sugar": 12454, + "lumper": 16044, + "lumpfish, Cyclopterus_lumpus": 4083, + "lumpsucker": 4084, + "luna_moth, Actias_luna": 2959, + "lunar_crater": 14333, + "lunar_excursion_module, lunar_module, LEM": 8319, + "lunch, luncheon, tiffin, dejeuner": 12329, + "lunchroom": 8320, + "lunette": 8321, + "lungfish": 3705, + "lungi, lungyi, longyi": 8322, + "lungless_salamander, plethodont": 919, + "lunula": 8323, + "lupine, lupin": 19835, + "lusterware": 8324, + "lute": 8325, + "lutefisk, lutfisk": 13684, + "lutist, lutanist, lutenist": 16047, + "luxury_liner, express_luxury_liner": 8326, + "lycaenid, lycaenid_butterfly": 2889, + "lyceum": 8327, + "lychgate, lichgate": 8328, + "lychnis, catchfly": 17868, + "lye_hominy": 12954, + "lygaeid, lygaeid_bug": 2757, + "lygus_bug": 2754, + "lymantriid, tussock_moth": 2902, + "lyme_grass": 18714, + "lymphocyte, lymph_cell": 12123, + "lynx, catamount": 2421, + "lyrate_leaf": 21442, + "lyre": 8329, + "lyre_snake": 1188, + "lyrebird": 603, + "lyricist, lyrist": 16049, + "lyssavirus": 256, + "maar": 14334, + "macadamia, macadamia_tree": 18971, + "macadamia_nut": 13212, + "macadamia_nut, macadamia_nut_tree, Macadamia_ternifolia": 18973, + "macaque": 3627, + "macaroni_and_cheese": 13685, + "macaroni_salad": 13270, + "macaw": 1429, + "mace": 13305, + "macebearer, mace, macer": 16050, + "macedoine": 13686, + "machete, matchet, panga": 8330, + "machicolation": 8331, + "machine": 8332, + "machine, simple_machine": 8333, + "machine_bolt": 8334, + "machine_gun": 8335, + "machine_screw": 8337, + "machine_tool": 8338, + "machinery": 8336, + "machinist's_vise, metalworking_vise": 8339, + "machinist, mechanic, shop_mechanic": 16051, + "machmeter": 8340, + "mackerel": 4018, + "mackerel_scad, mackerel_shad, Decapterus_macarellus": 3892, + "mackerel_shark": 454, + "mackinaw": 8341, + "mackinaw, Mackinaw_boat": 8342, + "mackinaw, Mackinaw_coat": 8343, + "mackintosh, macintosh": 8344, + "macon, maconnais": 13831, + "macrame": 8345, + "macrobiotic_diet": 12279, + "macrotus, Macrotus_californicus": 2482, + "macrozamia": 17348, + "macule, macula": 12084, + "madame": 16052, + "madder, Rubia_tinctorum": 20158, + "madderwort, rubiaceous_plant": 20156, + "madras": 8346, + "madrilene": 12374, + "madrona, madrono, manzanita, Arbutus_menziesii": 18995, + "maenad": 16053, + "maestro, master": 16054, + "magazine, mag": 12227, + "magazine_rack": 8348, + "magdalen": 16055, + "maggot": 2997, + "magic_lantern": 8349, + "magician, prestidigitator, conjurer, conjuror, illusionist": 16056, + "magnet": 8350, + "magnetic_bottle": 8351, + "magnetic_compass": 8352, + "magnetic_core_memory, core_memory": 8353, + "magnetic_disk, magnetic_disc, disk, disc": 8354, + "magnetic_head": 8355, + "magnetic_mine": 8356, + "magnetic_needle": 8357, + "magnetic_pole": 14163, + "magnetic_recorder": 8358, + "magnetic_storage_medium, magnetic_medium, magnetic_storage": 12172, + "magnetic_stripe": 8359, + "magnetic_tape, mag_tape, tape": 8360, + "magneto, magnetoelectric_machine": 8361, + "magnetometer, gaussmeter": 8362, + "magnetron": 8363, + "magnifier": 8364, + "magnolia": 17611, + "magnum": 8365, + "magnus_hitch": 8366, + "magpie": 733, + "maguey, Agave_atrovirens": 19679, + "maguey, cantala, Agave_cantala": 19678, + "magus": 16057, + "maharani, maharanee": 16058, + "mahatma": 16059, + "mahoe, majagua, mahagua, balibago, purau, Hibiscus_tiliaceus": 18888, + "mahogany, mahogany_tree": 20249, + "mahuang, Ephedra_sinica": 17337, + "maid, maiden": 16060, + "maid, maidservant, housemaid, amah": 16061, + "maiden_blue-eyed_Mary, Collinsia_parviflora": 20761, + "maiden_pink, Dianthus_deltoides": 17860, + "maidenhair, maidenhair_fern": 21548, + "maigre, maiger, Sciaena_aquila": 3938, + "mail": 8367, + "mail_car": 8372, + "mail_train": 8378, + "mailbag, mail_pouch": 8369, + "mailbag, postbag": 8368, + "mailboat, mail_boat, packet, packet_boat": 8370, + "mailbox, letter_box": 8371, + "maildrop": 8373, + "mailer": 8374, + "maillot": 8375, + "maillot, tank_suit": 8376, + "mailsorter": 8377, + "main-topmast": 8384, + "main-topsail": 8385, + "main_rotor": 8381, + "main_yard": 8386, + "mainframe, mainframe_computer": 8379, + "mainmast": 8380, + "mainsail": 8382, + "mainspring": 8383, + "maisonette, maisonnette": 8387, + "majolica, maiolica": 8388, + "major": 16063, + "major-domo, seneschal": 16064, + "maker, shaper": 16065, + "makeup, make-up, war_paint": 8389, + "mako, mako_shark": 456, + "makomako, New_Zealand_wine_berry, wineberry, Aristotelia_serrata, Aristotelia_racemosa": 18920, + "malacca": 18764, + "malacca, malacca_cane": 8391, + "malacostracan_crustacean": 1834, + "malahini": 16066, + "malamute, malemute, Alaskan_malamute": 2330, + "malarial_mosquito, malaria_mosquito": 2644, + "malcontent": 16067, + "male": 210, + "male, male_person": 14489, + "male_chauvinist, sexist": 15162, + "male_fern, Dryopteris_filix-mas": 21516, + "male_horse": 3203, + "male_orchis, early_purple_orchid, Orchis_mascula": 18498, + "maleberry, male_berry, privet_andromeda, he-huckleberry, Lyonia_ligustrina": 19023, + "maleo, Macrocephalon_maleo": 1370, + "malik": 16068, + "malingerer, skulker, shammer": 16069, + "malinois": 2296, + "mallard, Anas_platyrhynchos": 1517, + "mallee": 19313, + "mallee_fowl, leipoa, lowan, Leipoa_ocellata": 1367, + "mallee_hen": 1368, + "mallet": 8394, + "mallet, beetle": 8392, + "mallet, hammer": 8393, + "mallow": 18862, + "malmsey": 13861, + "malope, Malope_trifida": 18896, + "malt": 13784, + "malt, malt_liquor": 13786, + "malted_milk": 14024, + "malvasia": 21417, + "mamba": 1221, + "mamey, mammee, mammee_apple": 13167, + "mammal, mammalian": 1582, + "mammee_apple, mammee, mamey, mammee_tree, Mammea_americana": 19411, + "mammillaria": 17959, + "mammogram": 8395, + "mammoth": 3675, + "man": 16073, + "man's_clothing": 8511, + "man-at-arms": 16081, + "man-of-the-earth, Ipomoea_leptophylla": 20607, + "man-of-war, ship_of_the_line": 8402, + "man-on-a-horse, Tricholoma_flavovirens": 21104, + "man_of_action, man_of_deeds": 16082, + "man_of_letters": 16083, + "manageress": 16074, + "manakin": 620, + "manatee, Trichechus_manatus": 2134, + "mandarin": 16075, + "mandarin, mandarin_orange": 13048, + "mandarin, mandarin_orange, mandarin_orange_tree, Citrus_reticulata": 20287, + "mandarin_duck, Aix_galericulata": 1542, + "mandibular_notch": 12072, + "mandola": 8396, + "mandolin": 8397, + "mandrake, devil's_apples, Mandragora_officinarum": 20825, + "mandrake_root, mandrake": 20826, + "mandrill, Mandrillus_sphinx": 3625, + "maneuverer, manoeuvrer": 16076, + "mangabey": 3621, + "mangel-wurzel": 12869, + "mangel-wurzel, mangold-wurzel, mangold, Beta_vulgaris_vulgaris": 17921, + "manger, trough": 8398, + "mangle": 8399, + "manglietia, genus_Manglietia": 17620, + "mango": 13152, + "mango, mango_tree, Mangifera_indica": 20441, + "mangosteen": 13151, + "mangosteen, mangosteen_tree, Garcinia_mangostana": 19400, + "mangrove, Rhizophora_mangle": 19352, + "manhattan": 13954, + "manhole": 8400, + "manhole_cover": 8401, + "maniac": 16077, + "manicurist": 16079, + "manila_tamarind, camachile, huamachil, wild_tamarind, Pithecellobium_dulce": 17753, + "manipulator": 16080, + "maniraptor": 1124, + "manna_ash, flowering_ash, Fraxinus_ornus": 19229, + "manna_gum, Eucalyptus_viminalis": 19334, + "manna_lichen": 21032, + "manometer": 8403, + "manor, manor_house": 8404, + "manor_hall, hall": 8405, + "mansard, mansard_roof": 8407, + "manse": 8408, + "mansion, mansion_house, manse, hall, residence": 8409, + "manta, manta_ray, devilfish": 502, + "mantel, mantelpiece, mantle, mantlepiece, chimneypiece": 8410, + "mantelet, mantilla": 8411, + "mantilla": 8412, + "mantis, mantid": 2747, + "mantis_shrimp, mantis_crab": 1874, + "mantispid": 2842, + "mantled_ground_squirrel, Citellus_lateralis": 3145, + "manufacturer, producer": 16084, + "manul, Pallas's_cat, Felis_manul": 2420, + "map": 8414, + "maple": 20405, + "maple_syrup": 13610, + "maquiladora": 8415, + "mara, Dolichotis_patagonum": 3171, + "marabou, marabout, marabou_stork, Leptoptilus_crumeniferus": 1900, + "maraca": 8416, + "marang": 13168, + "marang, marang_tree, Artocarpus_odoratissima": 19479, + "marasca": 20096, + "maraschino, maraschino_cherry": 12611, + "maraschino, maraschino_liqueur": 13923, + "marble": 8417, + "marbleization, marbleisation, marbleizing, marbleising": 11996, + "marblewood, marble-wood": 20470, + "marblewood, marble-wood, Andaman_marble, Diospyros_kurzii": 20469, + "marchand_de_vin, mushroom_wine_sauce": 13410, + "marcher, parader": 16085, + "marching_order": 8418, + "marchioness, marquise": 16086, + "mare, female_horse": 3208, + "margarine, margarin, oleo, oleomargarine, marge": 12655, + "margarita": 13956, + "margate, Haemulon_album": 3911, + "margay, margay_cat, Felis_wiedi": 2419, + "marginal_wood_fern, evergreen_wood_fern, leatherleaf_wood_fern, Dryopteris_marginalis": 21517, + "margrave": 16088, + "marguerite, marguerite_daisy, Paris_daisy, Chrysanthemum_frutescens, Argyranthemum_frutescens": 18144, + "marigold": 18445, + "marimba, xylophone": 8419, + "marina": 8420, + "marinade": 13368, + "marinara": 13455, + "marine_animal, marine_creature, sea_animal, sea_creature": 206, + "marine_iguana, Amblyrhynchus_cristatus": 1030, + "marine_mussel, mytilid": 1809, + "mariposa, mariposa_tulip, mariposa_lily": 19596, + "marjoram, oregano": 13331, + "marker": 8421, + "market_strategist": 14865, + "marketplace, market_place, mart, market": 8422, + "markhor, markhoor, Capra_falconeri": 3418, + "marlberry, Ardisia_escallonoides, Ardisia_paniculata": 18658, + "marlin": 4041, + "marlinespike, marlinspike, marlingspike": 8423, + "marmalade": 12639, + "marmalade_tree, mammee, sapote, Pouteria_zapota, Calocarpum_zapota": 20485, + "marmite": 12389, + "marmoset": 3638, + "marmot": 3159, + "marocain, crepe_marocain": 8424, + "maroon": 12023, + "marquee, marquise": 8425, + "marquess": 16090, + "marquetry, marqueterie": 8426, + "marquis, marquess": 16091, + "marriage_bed": 8427, + "marrow, bone_marrow": 13693, + "marrow, marrow_squash, vegetable_marrow": 18830, + "marrow, vegetable_marrow": 12844, + "marrowfat_pea": 12906, + "marsh_St-John's_wort, Hypericum_virginianum": 19410, + "marsh_andromeda, common_bog_rosemary, Andromeda_polifolia": 18994, + "marsh_bellflower, Campanula_aparinoides": 18490, + "marsh_cress, yellow_watercress, Rorippa_islandica": 18074, + "marsh_elder, iva": 18345, + "marsh_gentian, calathian_violet, Gentiana_pneumonanthe": 19199, + "marsh_hare, swamp_rabbit, Sylvilagus_palustris": 3032, + "marsh_harrier, Circus_Aeruginosus": 831, + "marsh_hawk, northern_harrier, hen_harrier, Circus_cyaneus": 833, + "marsh_horsetail, Equisetum_palustre": 21582, + "marsh_mallow, white_mallow, Althea_officinalis": 18873, + "marsh_marigold, kingcup, meadow_bright, May_blob, cowslip, water_dragon, Caltha_palustris": 17664, + "marsh_orchid": 18540, + "marsh_pea, Lathyrus_palustris": 19821, + "marsh_plant, bog_plant, swamp_plant": 21337, + "marsh_wren": 743, + "marshal, marshall": 16092, + "marshmallow": 12523, + "marshmallow_fluff": 13579, + "marsupial, pouched_mammal": 1590, + "martello_tower": 8428, + "marten, marten_cat": 3535, + "martin": 779, + "martinet, disciplinarian, moralist": 16093, + "martingale": 8429, + "martini": 13957, + "martynia, Martynia_annua": 20741, + "marumi, marumi_kumquat, round_kumquat, Fortunella_japonica": 20301, + "marupa, Simarouba_amara": 20309, + "marzipan, marchpane": 12524, + "mascara": 8430, + "mascarpone": 13542, + "mascot": 16094, + "masdevallia": 18583, + "maser": 8431, + "mash": 13252, + "mashed_potato": 12812, + "masher": 8432, + "mashie, five_iron": 8433, + "mashie_niblick, seven_iron": 8434, + "masjid, musjid": 8435, + "mask": 8437, + "masked_shrew, Sorex_cinereus": 1645, + "masochist": 16095, + "mason's_level": 8441, + "mason, stonemason": 16096, + "mason_bee": 2675, + "mason_wasp": 2691, + "masonry": 8440, + "masquerader, masker, masquer": 16097, + "mass_spectrograph": 8444, + "mass_spectrometer, spectrometer": 8445, + "massage_parlor": 8443, + "massasauga, massasauga_rattler, Sistrurus_catenatus": 1251, + "masseur": 16098, + "masseuse": 16099, + "massif": 14335, + "mast": 19153, + "mastaba, mastabah": 8448, + "master": 16100, + "master, captain, sea_captain, skipper": 16101, + "master-at-arms": 16102, + "master_bedroom": 8449, + "master_of_ceremonies, emcee, host": 16103, + "masterpiece, chef-d'oeuvre": 8450, + "mastic, mastic_tree, lentisk, Pistacia_lentiscus": 20444, + "mastiff": 2317, + "mastiff_bat": 2508, + "mastodon, mastodont": 3679, + "masturbator, onanist": 16104, + "mat": 8451, + "mat, gym_mat": 8452, + "matador": 14968, + "matai, black_pine, Prumnopitys_taxifolia, Podocarpus_spicata": 17504, + "match": 8454, + "match, lucifer, friction_match": 8453, + "match_plane, tonguing_and_grooving_plane": 8459, + "match_play": 118, + "matchboard": 8455, + "matchbook": 8456, + "matchbox": 8457, + "matchlock": 8458, + "matchmaker, matcher, marriage_broker": 16105, + "matchstick": 8460, + "mate": 16108, + "mate, Paraguay_tea, Ilex_paraguariensis": 20426, + "mate, first_mate": 16106, + "matelote": 12432, + "mater": 16109, + "material": 16110, + "materialist": 16111, + "materiel, equipage": 8462, + "maternity_hospital": 8463, + "maternity_ward": 8464, + "matilija_poppy, California_tree_poppy, Romneya_coulteri": 18106, + "matriarch": 16113, + "matriarch, materfamilias": 16112, + "matriculate": 16114, + "matrimony_vine, boxthorn": 20821, + "matrix": 8465, + "matron": 16115, + "matting": 8467, + "mattock": 8468, + "mattress_cover": 8469, + "matzo, matzoh, matzah, unleavened_bread": 12689, + "matzo_meal, matzoh_meal, matzah_meal": 12301, + "maul, sledge, sledgehammer": 8470, + "maulstick, mahlstick": 8471, + "mausoleum": 8473, + "maverick": 3338, + "maxi": 8474, + "maxillaria": 18584, + "maximum_and_minimum_thermometer": 8476, + "mayapple, May_apple, wild_mandrake, Podophyllum_peltatum": 17588, + "mayeng, maple-leaved_bayur, Pterospermum_acerifolium": 18941, + "mayfly, dayfly, shadfly": 2828, + "mayhaw, summer_haw, Crataegus_aestivalis": 20039, + "mayonnaise, mayo": 13427, + "mayor, city_manager": 16116, + "mayoress": 16117, + "maypole": 8477, + "maypop, Passiflora_incarnata": 19436, + "mayweed, dog_fennel, stinking_mayweed, stinking_chamomile, Anthemis_cotula": 18136, + "maze, labyrinth": 8478, + "mazer": 8479, + "mead": 13795, + "meadow_buttercup, tall_buttercup, tall_crowfoot, tall_field_buttercup, Ranunculus_acris": 17635, + "meadow_clary, Salvia_pratensis": 20716, + "meadow_cranesbill, Geranium_pratense": 20226, + "meadow_foxtail, Alopecurus_pratensis": 18680, + "meadow_goldenrod, Canadian_goldenrod, Solidago_canadensis": 18426, + "meadow_jumping_mouse, Zapus_hudsonius": 3121, + "meadow_mushroom, field_mushroom, Agaricus_campestris": 21050, + "meadow_pipit, Anthus_pratensis": 544, + "meadow_rue": 17693, + "meadow_salsify, goatsbeard, shepherd's_clock, Tragopogon_pratensis": 18463, + "meadow_saxifrage, fair-maids-of-France, Saxifraga_granulata": 20520, + "meadow_spikemoss, basket_spikemoss, Selaginella_apoda": 21593, + "meadow_spittlebug, Philaenus_spumarius": 2815, + "meadow_vole, meadow_mouse, Microtus_pennsylvaticus": 3085, + "meadowgrass, meadow_grass": 18749, + "meadowlark, lark": 696, + "meal": 12297, + "meal, repast": 12322, + "mealie": 18791, + "mealworm": 2589, + "mealybug, mealy_bug": 2791, + "meander": 14336, + "means": 8480, + "measure": 8481, + "measuring_cup": 8482, + "measuring_instrument, measuring_system, measuring_device": 8483, + "measuring_stick, measure, measuring_rod": 8484, + "measuring_worm, inchworm, looper": 2913, + "meat_counter": 8485, + "meat_grinder": 8486, + "meat_hook": 8487, + "meat_house": 8488, + "meat_loaf, meatloaf": 13690, + "meat_safe": 8489, + "meat_thermometer": 8490, + "meatball": 13687, + "mecca": 14165, + "mechanical_device": 8491, + "mechanical_engineer": 16118, + "mechanical_piano, Pianola, player_piano": 8492, + "mechanical_system": 8493, + "mechanism": 8494, + "medal_play, stroke_play": 117, + "medalist, medallist, medal_winner": 16119, + "mediator, go-between, intermediator, intermediary, intercessor": 14490, + "mediatrix": 14491, + "medic, medick, trefoil": 19841, + "medical_building, health_facility, healthcare_facility": 8495, + "medical_instrument": 8496, + "medical_officer, medic": 16120, + "medical_practitioner, medical_man": 16121, + "medical_scientist": 16122, + "medicinal_leech, Hirudo_medicinalis": 1748, + "medicine_ball": 8497, + "medicine_chest, medicine_cabinet": 8498, + "mediterranean_anchovy, Engraulis_encrasicholus": 3759, + "medium": 12162, + "medium, spiritualist, sensitive": 16123, + "medlar": 13170, + "medlar, medlar_tree, Mespilus_germanica": 20064, + "medusa's_head, Euphorbia_medusae, Euphorbia_caput-medusae": 20857, + "medusa, medusoid, medusan": 1680, + "meerkat, mierkat": 2469, + "meeting_house, honeysuckle, Aquilegia_canadensis": 17661, + "megalith, megalithic_structure": 8500, + "megalocyte, macrocyte": 12119, + "megalomaniac": 16124, + "megaphone": 8501, + "megapode, mound_bird, mound-bird, mound_builder, scrub_fowl": 1366, + "megasporangium, macrosporangium": 17553, + "megatherian, megatheriid, megatherian_mammal": 3557, + "melancholic, melancholiac": 16125, + "melancholy_thistle, Cirsium_heterophylum, Cirsium_helenioides": 18255, + "melanocyte": 12077, + "melilotus, melilot, sweet_clover": 17716, + "melolonthid_beetle": 2566, + "melon": 13098, + "melon_ball": 13099, + "melter": 16127, + "memorial, monument": 8502, + "memorizer, memoriser": 16131, + "memory, computer_memory, storage, computer_storage, store, memory_board": 8503, + "memory_chip": 8504, + "memory_device, storage_device": 8505, + "men's_room, men's": 8512, + "menagerie, zoo, zoological_garden": 8506, + "mender, repairer, fixer": 16133, + "mending": 8507, + "menhaden, Brevoortia_tyrannis": 3749, + "menhir, standing_stone": 8508, + "menorah": 8509, + "menu": 12283, + "mercantile_establishment, retail_store, sales_outlet, outlet": 8513, + "mercury-vapor_lamp": 8517, + "mercury_barometer": 8514, + "mercury_cell": 8515, + "mercury_thermometer, mercury-in-glass_thermometer": 8516, + "mercy_seat": 8518, + "merganser, fish_duck, sawbill, sheldrake": 1549, + "mericarp": 17536, + "meringue_kiss": 12515, + "merino, merino_sheep": 3398, + "merlon": 8519, + "merozoite": 344, + "mesa, table": 14337, + "mescal": 13893, + "mescal, mezcal, peyote, Lophophora_williamsii": 17957, + "mescal_bean, coral_bean, frijolito, frijolillo, Sophora_secundiflora": 19895, + "mescal_button, sacred_mushroom, magic_mushroom": 17958, + "mesocarp": 17545, + "mesophyte, mesophytic_plant": 21336, + "mess": 12645, + "mess, mess_hall": 8520, + "mess_jacket, monkey_jacket, shell_jacket": 8521, + "mess_kit": 8522, + "messiah, christ": 14456, + "messmate": 16135, + "messuage": 8523, + "mestiza": 16136, + "metal_detector": 8524, + "metal_screw": 8526, + "metal_wood": 8527, + "metallic": 8525, + "metasequoia, dawn_redwood, Metasequoia_glyptostrodoides": 17456, + "metazoan": 1676, + "meteorite": 14338, + "meteorological_balloon": 8528, + "meteorologist": 16137, + "meter": 8529, + "meter_maid": 16138, + "meterstick, metrestick": 8530, + "metheglin": 13796, + "metronome": 8531, + "metropolitan": 16141, + "mew, mew_gull, sea_mew, Larus_canus": 2030, + "mezereon, February_daphne, Daphne_mezereum": 19356, + "mezzanine, first_balcony": 8533, + "mezzanine, mezzanine_floor, entresol": 8532, + "mezzo-soprano, mezzo": 16142, + "microbalance": 8534, + "microbrewery": 8535, + "microeconomist, microeconomic_expert": 16143, + "microfiche": 8536, + "microfilm": 8537, + "microflora": 17302, + "microfossil": 14339, + "micrometer, micrometer_gauge, micrometer_caliper": 8538, + "micronutrient": 21766, + "microorganism, micro-organism": 235, + "microphage": 12126, + "microphone, mike": 8539, + "microprocessor": 8540, + "micropyle": 17537, + "microscope": 8541, + "microsporangium": 17555, + "microspore": 17554, + "microsporidian": 349, + "microsporophyll": 17556, + "microtome": 8542, + "microwave, microwave_oven": 8543, + "microwave_diathermy_machine": 8544, + "microwave_linear_accelerator": 8545, + "middle-aged_man": 16144, + "middlebrow": 16145, + "middleweight": 16146, + "middy, middy_blouse": 8546, + "midfield": 14146, + "midge": 2649, + "midgrass": 18666, + "midiron, two_iron": 8547, + "midstream": 14340, + "midwife, accoucheuse": 16147, + "midwife_toad, Alytes_cisternasi": 962, + "mignonette, sweet_reseda, Reseda_odorata": 19442, + "migrant_shrike, Lanius_ludovicianus_migrans": 795, + "migrator": 201, + "migratory_grasshopper": 2726, + "migratory_locust, Locusta_migratoria": 2725, + "migratory_quail, Coturnix_coturnix, Coturnix_communis": 1380, + "mihrab": 8549, + "mikado, tenno": 16148, + "mildew": 21269, + "miler": 16150, + "miles_gloriosus": 16151, + "military_attache": 16152, + "military_chaplain, padre, Holy_Joe, sky_pilot": 16153, + "military_hospital": 8550, + "military_leader": 16154, + "military_officer, officer": 16155, + "military_policeman, MP": 16156, + "military_quarters": 8551, + "military_uniform": 8552, + "military_vehicle": 8553, + "milk": 13496, + "milk_bar": 8554, + "milk_can": 8555, + "milk_float": 8556, + "milk_punch": 14047, + "milk_snake, house_snake, milk_adder, checkered_adder, Lampropeltis_triangulum": 1170, + "milk_thistle, lady's_thistle, Our_Lady's_mild_thistle, holy_thistle, blessed_thistle, Silybum_marianum": 18423, + "milk_vetch, milk-vetch": 19741, + "milk_wagon, milkwagon": 8559, + "milkcap, Lactarius_delicioso": 21066, + "milking_machine": 8557, + "milking_shorthorn": 3359, + "milking_stool": 8558, + "milkweed, Sonchus_oleraceus": 18442, + "milkweed, silkweed": 21612, + "milkwort": 20273, + "mill, grinder, milling_machinery": 8560, + "mill-hand, factory_worker": 16158, + "mill_agent": 16157, + "milldam": 8561, + "miller's-thumb": 4081, + "miller, milling_machine": 8562, + "millet": 18762, + "millettia": 19847, + "milliammeter": 8563, + "millinery, hat_shop": 8565, + "millinery, woman's_hat": 8564, + "milling": 8566, + "millionairess": 16159, + "millipede, millepede, milliped": 1305, + "millivoltmeter": 8567, + "millstone": 8569, + "millwheel, mill_wheel": 8570, + "millwright": 16160, + "milo, milo_maize": 18772, + "mimeograph, mimeo, mimeograph_machine, Roneo, Roneograph": 8571, + "mimosa": 17726, + "mimosa, buck's_fizz": 14048, + "minaret": 8572, + "mince": 12646, + "mincemeat": 12656, + "mincer, mincing_machine": 8573, + "minder": 16161, + "mine": 8574, + "mine_detector": 8575, + "minelayer": 8576, + "mineral_water": 14091, + "mineshaft": 8577, + "ming_tree": 21329, + "miniature_fan_palm, bamboo_palm, fern_rhapis, Rhapis_excelsa": 19969, + "miniature_golf": 119, + "miniature_pinscher": 2310, + "miniature_poodle": 2352, + "miniature_schnauzer": 2247, + "minibar, cellaret": 8578, + "minibike, motorbike": 8579, + "minibus": 8580, + "minicar": 8581, + "minicomputer": 8582, + "mining_engineer": 16162, + "miniskirt, mini": 8584, + "minister, government_minister": 16163, + "ministrant": 16164, + "ministry": 8583, + "minisub, minisubmarine": 8585, + "minivan": 8586, + "miniver": 8587, + "mink": 3509, + "mink, mink_coat": 8588, + "minniebush, minnie_bush, Menziesia_pilosa": 19026, + "minnow, Phoxinus_phoxinus": 366, + "minor_leaguer, bush_leaguer": 16165, + "minster": 8589, + "mint": 13332, + "mint, mint_candy": 12509, + "mint_sauce": 13361, + "minute_hand, big_hand": 8591, + "miraculous_food, manna, manna_from_heaven": 13612, + "mirid_bug, mirid, capsid": 2752, + "miro, black_pine, Prumnopitys_ferruginea, Podocarpus_ferruginea": 17503, + "mirror": 8593, + "mirror_carp": 357, + "misanthrope, misanthropist": 16167, + "misfit": 16168, + "miso": 13590, + "missel_thrush, mistle_thrush, mistletoe_thrush, Turdus_viscivorus": 635, + "missile": 8594, + "missile_defense_system, missile_defence_system": 8595, + "mission_bells, black_fritillary, Fritillaria_biflora": 19620, + "mission_bells, rice-grain_fritillary, Fritillaria_affinis, Fritillaria_lanceolata, Fritillaria_mutica": 19619, + "mistflower, mist-flower, ageratum, Conoclinium_coelestinum, Eupatorium_coelestinum": 18259, + "mistletoe, Loranthus_europaeus": 20374, + "mistletoe, Viscum_album, Old_World_mistletoe": 20376, + "mistletoe_cactus": 17969, + "mistletoe_fig, mistletoe_rubber_plant, Ficus_diversifolia, Ficus_deltoidea": 19487, + "mistress": 16169, + "mistress, kept_woman, fancy_woman": 16170, + "mite": 1289, + "miter_box, mitre_box": 8596, + "miter_joint, mitre_joint, miter, mitre": 8597, + "miterwort, mitrewort, bishop's_cap": 20540, + "mitten": 8598, + "mix, premix": 13758, + "mixed-blood": 16171, + "mixed_drink": 13930, + "mixer": 13934, + "mixing_bowl": 8601, + "mixing_faucet": 8602, + "mizzen, mizen": 8603, + "mizzenmast, mizenmast, mizzen, mizen": 8604, + "moa": 532, + "mobcap": 8605, + "mobile_home, manufactured_home": 8606, + "moccasin, mocassin": 8607, + "moccasin_flower, nerveroot, Cypripedium_acaule": 18532, + "mocha": 13988, + "mocha, mocha_coffee": 13987, + "mock-up": 8608, + "mock_orange, syringa, Philadelphus_coronarius": 20517, + "mock_privet": 19246, + "mock_turtle_soup": 12390, + "mockernut, mockernut_hickory, black_hickory, white-heart_hickory, big-bud_hickory, Carya_tomentosa": 19275, + "mockingbird, mocker, Mimus_polyglotktos": 749, + "mod_con": 8609, + "model, poser": 16172, + "modeler, modeller": 16174, + "modem": 8611, + "modifier": 16175, + "modillion": 8612, + "module": 8614, + "mohair": 8615, + "moire, watered-silk": 8616, + "mojarra": 4057, + "moke": 3286, + "molasses": 13606, + "molasses_kiss": 12514, + "molasses_taffy": 12536, + "mold, mould": 21268, + "mold, mould, cast": 8617, + "moldboard, mouldboard": 8618, + "moldboard_plow, mouldboard_plough": 8619, + "molded_salad": 13279, + "mole": 13456, + "mole_cricket": 2732, + "mole_rat": 3182, + "mole_salamander, Ambystoma_talpoideum": 907, + "molecular_biologist": 16176, + "molehill": 14341, + "moleskin": 8620, + "mollie, molly": 387, + "mollusk, mollusc, shellfish": 1750, + "moloch": 1066, + "molter, moulter": 202, + "molucca_balm, bells_of_Ireland, Molucella_laevis": 20692, + "mombin": 13160, + "mombin, mombin_tree, jocote, Spondias_purpurea": 20455, + "monal, monaul": 1381, + "monarch, monarch_butterfly, milkweed_butterfly, Danaus_plexippus": 2882, + "monarda, wild_bergamot": 20693, + "monastery": 8622, + "monastic_habit": 8623, + "moneran, moneron": 259, + "monetarist": 16178, + "money_belt": 8625, + "money_cowrie, Cypraea_moneta": 1783, + "moneybag": 8624, + "moneygrubber": 16179, + "moneymaker": 16180, + "moneywort, creeping_Jenny, creeping_Charlie, Lysimachia_nummularia": 18651, + "mongoose": 2465, + "monilia": 21271, + "monitor": 8627, + "monitor, monitor_lizard, varan": 1083, + "monitor, monitoring_device": 8628, + "monk's_cloth": 8630, + "monk, monastic": 15639, + "monkey": 3614, + "monkey-wrench, monkey_wrench": 8629, + "monkey_puzzle, chile_pine, Araucaria_araucana": 17465, + "monkshood, helmetflower, helmet_flower, Aconitum_napellus": 17644, + "monoblast": 12124, + "monocarp, monocarpic_plant, monocarpous_plant": 17550, + "monochrome": 8631, + "monocle, eyeglass": 8632, + "monocline": 14342, + "monocot, monocotyledon, liliopsid, endogen": 17519, + "monofocal_lens_implant, monofocal_IOL": 8633, + "monohybrid": 236, + "monolingual": 16182, + "monologist": 16183, + "monoplane": 8634, + "monoplane_flying_fish, two-wing_flying_fish": 3806, + "monosodium_glutamate, MSG": 13395, + "monotreme, egg-laying_mammal": 1586, + "monotype": 8635, + "monstera": 17805, + "monstrance, ostensorium": 8636, + "moo_goo_gai_pan": 13621, + "moon_shell, moonshell": 1771, + "moon_trefoil, Medicago_arborea": 19842, + "moonfish, Atlantic_moonfish, horsefish, horsehead, horse-head, dollarfish, Selene_setapinnis": 3880, + "moonflower, belle_de_nuit, Ipomoea_alba": 20604, + "moonlighter": 16184, + "moonseed": 17622, + "moonshine, bootleg, corn_liquor": 13870, + "moorhen": 1351, + "moorhen, Gallinula_chloropus": 1945, + "mooring_tower, mooring_mast": 8637, + "moosewood, moose-wood, striped_maple, striped_dogwood, goosefoot_maple, Acer_pennsylvanicum": 20409, + "mop_handle": 8640, + "moped": 8639, + "moquette": 8641, + "moralist": 16185, + "moray, moray_eel": 3737, + "morel": 21145, + "morello": 13116, + "morello, Prunus_cerasus_austera": 20095, + "morgue, mortuary, dead_room": 8642, + "morion, cabasset": 8643, + "mormon_cricket, Anabrus_simplex": 2729, + "morning_dress": 8645, + "morning_room": 8646, + "morosoph": 16186, + "morris_dancer": 16187, + "mortal_enemy": 16188, + "mortar": 8649, + "mortar, howitzer, trench_mortar": 8648, + "mortarboard": 8650, + "mortgagee, mortgage_holder": 16189, + "mortician, undertaker, funeral_undertaker, funeral_director": 16190, + "mortise_joint, mortise-and-tenon_joint": 8651, + "morula": 417, + "mosaic": 8652, + "mosque": 8653, + "mosquito": 2638, + "mosquito_fern, floating_fern, Carolina_pond_fern, Azolla_caroliniana": 20972, + "mosquito_net": 8654, + "mosquitofish, Gambusia_affinis": 385, + "moss-trooper": 16191, + "moss_campion, Silene_acaulis": 17877, + "moss_pink, mountain_phlox, moss_phlox, dwarf_phlox, Phlox_subulata": 20563, + "mossy_saxifrage, Saxifraga_hypnoides": 20521, + "motel": 8655, + "motel_room": 8656, + "moth": 2895, + "moth_bean, Vigna_aconitifolia, Phaseolus_aconitifolius": 19913, + "moth_miller, miller": 2896, + "moth_mullein, Verbascum_blattaria": 20783, + "moth_orchid, moth_plant": 18594, + "mother": 16194, + "mother's_boy, mamma's_boy, mama's_boy": 16198, + "mother's_daughter": 16199, + "mother's_milk": 12110, + "mother, female_parent": 16192, + "mother-in-law": 16197, + "mother-in-law's_tongue, snake_plant, Sansevieria_trifasciata": 19687, + "mother_figure": 16195, + "mother_hen": 16196, + "motherwort, Leonurus_cardiaca": 20672, + "motion-picture_camera, movie_camera, cine-camera": 8658, + "motion-picture_film, movie_film, cine-film": 8659, + "motley": 8661, + "motmot, momot": 1466, + "motor": 8662, + "motor_hotel, motor_inn, motor_lodge, tourist_court, court": 8665, + "motor_scooter, scooter": 8667, + "motor_vehicle, automotive_vehicle": 8668, + "motorboat, powerboat": 8663, + "motorcycle, bike": 8664, + "motorcycle_cop, motorcycle_policeman, speed_cop": 16200, + "motorcycling": 86, + "motorcyclist": 16201, + "motorized_wheelchair": 8666, + "mottle": 12006, + "mouflon, moufflon, Ovis_musimon": 3407, + "mound, hill": 8669, + "mound, hill, pitcher's_mound": 8670, + "mount, setting": 8671, + "mountain, mount": 14343, + "mountain_ash": 20147, + "mountain_ash, Eucalyptus_regnans": 19333, + "mountain_ash, Fraxinus_texensis": 19233, + "mountain_avens, Dryas_octopetala": 20043, + "mountain_beaver, sewellel, Aplodontia_rufa": 3167, + "mountain_bike, all-terrain_bike, off-roader": 8672, + "mountain_bladder_fern, Cystopteris_montana": 21525, + "mountain_chinchilla, mountain_viscacha": 3178, + "mountain_devil, spiny_lizard, Moloch_horridus": 1067, + "mountain_ebony, orchid_tree, Bauhinia_variegata": 19707, + "mountain_everlasting": 18135, + "mountain_fern, Oreopteris_limbosperma, Dryopteris_oreopteris": 21601, + "mountain_four_o'clock, Mirabilis_oblongifolia": 17943, + "mountain_goat, Rocky_Mountain_goat, Oreamnos_americanus": 3421, + "mountain_gorilla, Gorilla_gorilla_beringei": 3604, + "mountain_heath, Phyllodoce_caerulea, Bryanthus_taxifolius": 19028, + "mountain_hemlock, black_hemlock, Tsuga_mertensiana": 17429, + "mountain_hollyhock, Iliamna_ruvularis, Iliamna_acerifolia": 18892, + "mountain_lady's_slipper, Cypripedium_montanum": 18539, + "mountain_laurel, wood_laurel, American_laurel, calico_bush, Kalmia_latifolia": 19013, + "mountain_lily, Lilium_auratum": 19546, + "mountain_male_fern, Dryopteris_oreades": 21518, + "mountain_maple, mountain_alder, Acer_spicatum": 20412, + "mountain_mint": 20710, + "mountain_nyala, Tragelaphus_buxtoni": 3445, + "mountain_paca": 3175, + "mountain_quail, mountain_partridge, Oreortyx_picta_palmeri": 1395, + "mountain_rimu, Lepidothamnus_laxifolius, Dacridium_laxifolius": 17501, + "mountain_sandwort, mountain_starwort, mountain_daisy, Arenaria_groenlandica": 17847, + "mountain_sheep": 3405, + "mountain_skink, Eumeces_callicephalus": 1053, + "mountain_spleenwort, Asplenium_montanum": 21491, + "mountain_swamp_gum, Eucalyptus_camphora": 19319, + "mountain_tent": 8673, + "mountain_zebra, Equus_zebra_zebra": 3298, + "mountainside, versant": 14344, + "mountebank, charlatan": 16203, + "mourner, griever, sorrower, lamenter": 16204, + "mourning_cloak, mourning_cloak_butterfly, Camberwell_beauty, Nymphalis_antiopa": 2864, + "mourning_dove, Zenaidura_macroura": 1412, + "mouse": 3047, + "mouse, computer_mouse": 8674, + "mouse-ear_chickweed, mouse_eared_chickweed, mouse_ear, clammy_chickweed, chickweed": 17852, + "mouse-ear_hawkweed, Pilosella_officinarum, Hieracium_pilocella": 18393, + "mouse-eared_bat": 2480, + "mouse_button": 8675, + "mouser": 2390, + "mousetrap": 8676, + "moussaka": 13691, + "mousse": 12551, + "mousse, hair_mousse, hair_gel": 8677, + "mouth": 14345, + "mouth, oral_cavity, oral_fissure, rima_oris": 12107, + "mouthbreeder": 3700, + "mouthpiece": 8679, + "mouthpiece, embouchure": 8678, + "mouthpiece, gumshield": 8680, + "mouthpiece, mouth": 16205, + "movement": 8681, + "mover": 16206, + "movie, film, picture, moving_picture, moving-picture_show, motion_picture, motion-picture_show, picture_show, pic, flick": 12234, + "movie_projector, cine_projector, film_projector": 8682, + "moviegoer, motion-picture_fan": 16207, + "moving-coil_galvanometer": 8683, + "moving_van": 8684, + "mozzarella": 13566, + "msasa, Brachystegia_speciformis": 19708, + "mucor": 20998, + "mucuna": 19848, + "mud_brick": 8685, + "mud_dauber": 2694, + "mud_puppy, Necturus_maculosus": 915, + "mud_turtle": 1003, + "mudder": 3255, + "mudguard, splash_guard, splash-guard": 8686, + "mudhif": 8687, + "mudskipper, mudspringer": 4007, + "muff": 8688, + "muffin, gem": 12732, + "muffin_man": 16208, + "muffle": 8689, + "muffler": 8690, + "mufti": 8691, + "mug": 8692, + "mugwort": 18151, + "mugwump, independent, fencesitter": 16209, + "muishond": 3514, + "mulatto": 14508, + "mulberry": 13171, + "mulberry, mulberry_tree": 19472, + "mulch": 8693, + "mule": 3289, + "mule's_ears, Wyethia_amplexicaulis": 18474, + "mule, scuff": 8694, + "mule_deer, burro_deer, Odocoileus_hemionus": 3475, + "mule_fat, Baccharis_viminea": 18203, + "mull": 14346, + "mulled_cider": 13996, + "mulled_wine": 14026, + "mullein_pink, rose_campion, gardener's_delight, dusty_miller, Lychnis_coronaria": 17871, + "mullet": 3952, + "mullet, grey_mullet, gray_mullet": 3956, + "mulligan_stew, mulligan, Irish_burgoo": 12418, + "mulligatawny": 12391, + "mulloway, jewfish, Sciaena_antarctica": 3937, + "multichannel_recorder": 8695, + "multiengine_airplane, multiengine_plane": 8696, + "multiplex": 12206, + "multiplexer": 8698, + "multiprocessor": 8699, + "multistage_rocket, step_rocket": 8700, + "multivitamin, multivitamin_pill": 14097, + "mummichog, Fundulus_heteroclitus": 378, + "muncher": 16211, + "mung, mung_bean, green_gram, golden_gram, Vigna_radiata, Phaseolus_aureus": 19915, + "munition, ordnance, ordnance_store": 8701, + "munj, munja, Saccharum_bengalense, Saccharum_munja": 18752, + "muntjac, barking_deer": 3485, + "murder_suspect": 16213, + "murderess": 16212, + "murine": 3050, + "murre": 2050, + "muscadine, Vitis_rotundifolia": 21408, + "muscadine, bullace_grape": 13123, + "muscat, muscatel, muscadel, muscadelle": 13865, + "muscat, muscatel, muscat_grape": 13128, + "muscovy_duck, musk_duck, Cairina_moschata": 1543, + "musette, shepherd's_pipe": 8703, + "musette_pipe": 8704, + "museum": 8705, + "musher": 16214, + "mushroom": 21047, + "mushroom_anchor": 8706, + "mushroom_coral": 1703, + "mushroom_sauce": 13458, + "mushy_peas": 12913, + "music_box, musical_box": 8708, + "music_hall, vaudeville_theater, vaudeville_theatre": 8709, + "music_school": 8710, + "music_stand, music_rack": 8711, + "music_stool, piano_stool": 8712, + "music_teacher": 16217, + "musical_instrument, instrument": 8707, + "musician, instrumentalist, player": 16215, + "musicologist": 16216, + "musk_clover, muskus_grass, white-stemmed_filaree, Erodium_moschatum": 20237, + "musk_deer, Moschus_moschiferus": 3486, + "musk_kangaroo, Hypsiprymnodon_moschatus": 1606, + "musk_mallow, mus_rose, Malva_moschata": 18863, + "musk_ox, musk_sheep, Ovibos_moschatus": 3378, + "musk_rose, Rosa_moschata": 20024, + "musk_thistle, nodding_thistle, Carduus_nutans": 18221, + "musk_turtle, stinkpot": 1004, + "muskellunge, Esox_masquinongy": 3828, + "musket": 8713, + "musket_ball, ball": 8714, + "musketeer": 16218, + "muskmelon, sweet_melon": 13100, + "muskrat, musquash, Ondatra_zibethica": 3074, + "muslin": 8715, + "mussel": 1808, + "must": 14008, + "mustache_cup, moustache_cup": 8716, + "mustachio, moustachio, handle-bars": 12095, + "mustang": 3229, + "mustang_mint, Monardella_lanceolata": 20700, + "mustard": 18033, + "mustard, mustard_greens, leaf_mustard, Indian_mustard": 12826, + "mustard, table_mustard": 13334, + "mustard_plaster, sinapism": 8717, + "mustard_sauce": 13459, + "mustard_seed": 13333, + "musteline_mammal, mustelid, musteline": 3502, + "mutant": 229, + "mute": 8718, + "mute, deaf-mute, deaf-and-dumb_person": 16222, + "mute_swan, Cygnus_olor": 1571, + "mutilator, maimer, mangler": 16220, + "mutineer": 16221, + "mutisia": 18376, + "mutterer, mumbler, murmurer": 16223, + "mutton_snapper, muttonfish, Lutjanus_analis": 3907, + "muzzle": 8720, + "muzzle_loader": 8719, + "muzzler": 16224, + "mycelium": 21122, + "mycologist": 16226, + "myeloblast": 12116, + "myelogram": 8721, + "mylodontid": 3558, + "myna, mynah, mina, minah, myna_bird, mynah_bird": 713, + "myope": 16227, + "myriapod": 1300, + "myrmecophile": 301, + "myrmecophyte": 21482, + "myrmidon": 16228, + "myrrh_tree, Commiphora_myrrha": 20244, + "myrtaceous_tree": 19294, + "myrtle": 19295, + "myrtle, Vinca_minor": 17781, + "myrtle_beech, Nothofagus_cuninghamii": 19094, + "myrtle_oak, seaside_scrub_oak, Quercus_myrtifolia": 19134, + "myrtle_warbler, myrtle_bird, Dendroica_coronata": 682, + "mystic, religious_mystic": 16229, + "mythologist": 16230, + "myxobacteria, myxobacterium, myxobacter, gliding_bacteria, slime_bacteria": 288, + "naboom, cactus_euphorbia, Euphorbia_ingens": 20869, + "nacelle": 8722, + "nacho": 12822, + "nagami, nagami_kumquat, oval_kumquat, Fortunella_margarita": 20302, + "nagi, Nageia_nagi": 17502, + "naiad, water_nymph": 20003, + "naif": 16231, + "nail": 8723, + "nail-tailed_wallaby, nail-tailed_kangaroo": 1602, + "nail_polish, nail_enamel, nail_varnish": 8728, + "nailbrush": 8724, + "nailer": 16232, + "nailfile": 8725, + "nailhead": 8727, + "nainsook": 8729, + "naked_mole_rat": 3184, + "nakedwood": 21403, + "nakedwood, Eugenia_dicrana": 19301, + "namby-pamby": 16233, + "name_dropper": 16234, + "nameko, viscid_mushroom, Pholiota_nameko": 21076, + "namer": 16235, + "nan": 16236, + "nan, naan": 12690, + "nanny, nanny-goat, she-goat": 3412, + "nanny, nursemaid, nurse": 16237, + "nanomia": 1687, + "napu, Tragulus_Javanicus": 3490, + "naranjilla, Solanum_quitoense": 20802, + "narc, nark, narcotics_agent": 16238, + "narcissist, narcist": 16239, + "narcissus": 19540, + "nard, spikenard": 8731, + "nardoo, nardo, common_nardoo, Marsilea_drummondii": 20967, + "nark, copper's_nark": 16240, + "narrow-leaf_penstemon, Penstemon_linarioides": 20776, + "narrow-leaved_water_plantain": 20005, + "narrow-leaved_white-topped_aster": 18418, + "narrow_goldenrod, Solidago_spathulata": 18433, + "narrow_wale": 8733, + "narrowbody_aircraft, narrow-body_aircraft, narrow-body": 8732, + "narthex": 8735, + "narwhal, narwal, narwhale, Monodon_monoceros": 2131, + "nasotracheal_tube": 8736, + "nasturtium": 20317, + "natal_plum, amatungulu, Carissa_macrocarpa, Carissa_grandiflora": 17769, + "national, subject": 14492, + "national_monument": 8737, + "nationalist": 16241, + "native": 14486, + "native, indigen, indigene, aborigine, aboriginal": 14485, + "native_beech, flindosa, flindosy, Flindersia_australis": 20257, + "native_cat, Dasyurus_viverrinus": 1620, + "native_cranberry, groundberry, ground-berry, cranberry_heath, Astroloma_humifusum, Styphelia_humifusum": 19063, + "native_pomegranate, Capparis_arborea": 17996, + "native_speaker": 16893, + "natterjack, Bufo_calamita": 953, + "natural_depression, depression": 14347, + "natural_elevation, elevation": 14348, + "nautch_girl": 16242, + "nautilus, nuclear_submarine, nuclear-powered_submarine": 8738, + "naval_commander": 16243, + "naval_equipment": 8740, + "naval_gun": 8741, + "naval_missile": 8742, + "naval_radar": 8743, + "naval_tactical_data_system": 8744, + "naval_weaponry": 8745, + "nave": 8746, + "navel_orange": 13056, + "navigational_instrument": 8747, + "navigational_system": 8739, + "navy_bean, pea_bean, white_bean": 12917, + "near_beer": 13799, + "nebbish, nebbech": 16249, + "nebuchadnezzar": 8748, + "neck_brace": 8750, + "neckband": 8749, + "neckcloth, stock": 8751, + "necker": 16250, + "neckerchief": 8752, + "necklace": 8753, + "necklet": 8754, + "neckline": 8755, + "neckpiece": 8756, + "necktie, tie": 8757, + "neckwear": 8758, + "nectar": 14004, + "nectarine": 13070, + "nectarine, nectarine_tree, Prunus_persica_nectarina": 20112, + "nectary, honey_gland": 17542, + "needle": 8760, + "needle_spike_rush, needle_rush, slender_spike_rush, hair_grass, Eleocharis_acicularis": 18814, + "needlefish, gar, billfish": 3803, + "needlenose_pliers": 8761, + "needlework, needlecraft": 8762, + "neem, neem_tree, nim_tree, margosa, arishth, Azadirachta_indica, Melia_Azadirachta": 20251, + "neem_seed": 20252, + "negative": 8763, + "negative_magnetic_pole, negative_pole, south-seeking_pole": 8764, + "negative_pole": 8765, + "negligee, neglige, peignoir, wrapper, housecoat": 8766, + "negro_peach, Sarcocephalus_latifolius, Sarcocephalus_esculentus": 20184, + "negro_vine, Vincetoxicum_hirsutum, Vincetoxicum_negrum": 21629, + "negus": 14027, + "nematode, nematode_worm, roundworm": 1729, + "nemophila": 20628, + "neolith": 8767, + "neon_lamp, neon_induction_lamp, neon_tube": 8768, + "neonate, newborn, newborn_infant, newborn_baby": 16251, + "nephew": 16252, + "nephoscope": 8769, + "nephthytis": 17807, + "nerita": 1767, + "neritid, neritid_gastropod": 1766, + "neritina": 1769, + "nest": 8770, + "nest_egg": 8771, + "nester": 517, + "nestling, baby_bird": 513, + "net": 8775, + "net, network, mesh, meshing, meshwork": 8772, + "net_melon, netted_melon, nutmeg_melon": 13105, + "net_melon, netted_melon, nutmeg_melon, Cucumis_melo_reticulatus": 18850, + "netball": 164, + "nettle": 19458, + "nettle-leaved_goosefoot, nettleleaf_goosefoot, Chenopodium_murale": 17910, + "network": 8777, + "network, electronic_network": 8776, + "neurobiologist": 16253, + "neuroglia, glia": 12137, + "neurologist, brain_doctor": 16254, + "neuropteron, neuropteran, neuropterous_insect": 2830, + "neurosurgeon, brain_surgeon": 16255, + "neutral": 16256, + "neutral_spirits, ethyl_alcohol": 13867, + "neutralist": 16257, + "neutron_bomb": 8778, + "neutrophil, neutrophile": 12125, + "new_caledonian_pine, Araucaria_columnaris": 17467, + "newcomer": 16259, + "newcomer, fledgling, fledgeling, starter, neophyte, freshman, newbie, entrant": 16258, + "newel": 8779, + "newel_post, newel": 8780, + "news_magazine": 12230, + "news_photography": 12176, + "newspaper, paper": 12178, + "newspaper_editor": 16261, + "newsreader, news_reader": 16262, + "newsroom": 8783, + "newsstand": 8784, + "newswoman": 16650, + "newt, triton": 899, + "niacin, nicotinic_acid": 21831, + "nib, pen_nib": 8786, + "niblick, nine_iron": 8787, + "nicad, nickel-cadmium_accumulator": 8788, + "nickel-iron_battery, nickel-iron_accumulator": 8789, + "niece": 16264, + "nigella": 17688, + "niggard, skinflint, scrooge, churl": 16265, + "night-blooming_cereus": 17971, + "night-light": 8795, + "night_bell": 8791, + "night_bird": 518, + "night_heron, night_raven": 1924, + "night_jasmine, night_jessamine, Cestrum_nocturnum": 20814, + "night_latch": 8794, + "night_lizard": 1050, + "night_porter": 16266, + "night_raven": 519, + "night_rider, nightrider": 16267, + "night_snake, Hypsiglena_torquata": 1190, + "nightcap": 8792, + "nightgown, gown, nightie, night-robe, nightdress": 8793, + "nightingale, Luscinia_megarhynchos": 646, + "nightshade": 20797, + "nightshirt": 8796, + "nightwear, sleepwear, nightclothes": 8797, + "nilgai, nylghai, nylghau, blue_bull, Boselaphus_tragocamelus": 3447, + "nimblewill, nimble_Will, Muhlenbergia_schreberi": 18734, + "ninepin, skittle, skittle_pin": 8798, + "ninepin_ball, skittle_ball": 8799, + "ninon": 8800, + "nipa_palm, Nipa_fruticans": 19959, + "nipple": 8801, + "nipple_shield": 8802, + "niqaabi": 16269, + "niqab": 8803, + "nitpicker": 16270, + "nitrate_bacterium, nitric_bacterium": 279, + "nitric_bacteria, nitrobacteria": 270, + "nitrite_bacterium, nitrous_bacterium": 280, + "nitta_tree": 17751, + "no-hit_game, no-hitter": 138, + "no-parking_zone": 14169, + "noble_cane": 18751, + "noctuid_moth, noctuid, owlet_moth": 2932, + "nodding_groundsel, Senecio_bigelovii": 18411, + "nodding_onion, nodding_wild_onion, lady's_leek, Allium_cernuum": 19568, + "node": 21742, + "nogging": 8805, + "noisemaker": 8806, + "nombril": 14168, + "non-volatile_storage, nonvolatile_storage": 8808, + "nonagon": 21693, + "noncandidate": 16273, + "noncommissioned_officer, noncom, enlisted_officer": 16274, + "nondescript": 16275, + "nondriver": 16276, + "nonfat_dry_milk": 13510, + "nonmember": 16128, + "nonpareil": 12612, + "nonparticipant": 16277, + "nonpasserine_bird": 534, + "nonperson, unperson": 16278, + "nonresident": 16279, + "nonsmoker": 16280, + "nonsmoker, nonsmoking_car": 8807, + "nonsolid_color, nonsolid_colour, dithered_color, dithered_colour": 12066, + "nonstarter": 3256, + "nopal": 17963, + "nopal, Opuntia_lindheimeri": 17966, + "norfolk_island_pine, Araucaria_heterophylla, Araucaria_excelsa": 17466, + "noria": 8810, + "north_island_edelweiss, Leucogenes_leontopodium": 18363, + "northern_Jacob's_ladder, Polemonium_boreale": 20560, + "northern_bobwhite, Colinus_virginianus": 1378, + "northern_bog_lemming, Synaptomys_borealis": 3105, + "northern_cricket_frog, Acris_crepitans": 974, + "northern_dune_tansy, Tanacetum_douglasii": 18450, + "northern_flying_squirrel, Glaucomys_sabrinus": 3158, + "northern_oriole, Icterus_galbula": 692, + "northern_phalarope, Lobipes_lobatus": 2020, + "northern_pike, Esox_lucius": 3827, + "northern_pocket_gopher, Thomomys_talpoides": 3133, + "northern_red_oak, Quercus_rubra, Quercus_borealis": 19143, + "northern_sea_robin, Prionotus_carolinus": 4093, + "northern_shrike, Lanius_borealis": 792, + "northern_whiting, Menticirrhus_saxatilis": 3945, + "nose_flute": 8813, + "nosebag, feedbag": 8811, + "noseband, nosepiece": 8812, + "nosewheel": 8814, + "nosh": 12342, + "nosh-up": 12343, + "notch": 21733, + "notebook, notebook_computer": 8815, + "nothosaur": 1139, + "noticer": 16282, + "notornis, takahe, Notornis_mantelli": 1949, + "nougat": 12525, + "nougat_bar": 12526, + "novelist": 16283, + "novitiate, novice": 16284, + "nuclear-powered_ship": 8816, + "nuclear_chemist, radiochemist": 16285, + "nuclear_reactor, reactor": 8817, + "nuclear_rocket": 8818, + "nuclear_weapon, atomic_weapon": 8819, + "nude, nude_painting": 8820, + "nude_mouse": 3054, + "nudger": 16286, + "nullah": 14349, + "nullipara": 16287, + "numbat, banded_anteater, anteater, Myrmecobius_fasciatus": 1624, + "number_one": 14458, + "number_theorist": 16288, + "numdah, numdah_rug, nammad": 8821, + "nun's_habit": 8822, + "nurse": 16289, + "nurse_shark, Ginglymostoma_cirratum": 464, + "nursery, baby's_room": 8823, + "nursling, nurseling, suckling": 16290, + "nut": 21378, + "nut-leaved_screw_tree, Helicteres_isora": 18936, + "nut_and_bolt": 8824, + "nut_bar": 12527, + "nut_bread": 12697, + "nut_butter": 13577, + "nut_pine": 17352, + "nut_tree": 21323, + "nutcracker": 8825, + "nutgrass, nut_grass, nutsedge, nut_sedge, Cyperus_rotundus": 18805, + "nutlet": 21379, + "nutmeg": 13306, + "nutmeg, nutmeg_tree, Myristica_fragrans": 17625, + "nutmeg_hickory, Carya_myristicaeformis, Carya_myristiciformis": 19273, + "nutriment, nourishment, nutrition, sustenance, aliment, alimentation, victuals": 12313, + "nyala, Tragelaphus_angasi": 3444, + "nylon": 8826, + "nylons, nylon_stocking, rayons, rayon_stocking, silk_stocking": 8827, + "nymph": 2994, + "nymph, houri": 16291, + "nymphalid, nymphalid_butterfly, brush-footed_butterfly, four-footed_butterfly": 2863, + "nymphet": 16292, + "nympholept": 16293, + "nymphomaniac, nympho": 16294, + "oak, oak_tree": 19104, + "oak-leaved_goosefoot, oakleaf_goosefoot, Chenopodium_glaucum": 17908, + "oak_chestnut": 19088, + "oak_fern, Gymnocarpium_dryopteris, Thelypteris_dryopteris": 21528, + "oar": 8828, + "oarfish, king_of_the_herring, ribbonfish, Regalecus_glesne": 3796, + "oarswoman": 16295, + "oast": 8829, + "oast_house": 8830, + "oat": 18686, + "oatcake": 12698, + "oatmeal, burgoo": 13707, + "oatmeal, rolled_oats": 12302, + "obeche, obechi, arere, samba, Triplochiton_scleroxcylon": 18944, + "obelisk": 8831, + "object_ball": 8832, + "objective, objective_lens, object_lens, object_glass": 8833, + "oblanceolate_leaf": 21444, + "oblique_bandage": 8834, + "oblong": 21667, + "oboe, hautboy, hautbois": 8835, + "oboe_d'amore": 8837, + "oboe_da_caccia": 8836, + "oboist": 16296, + "obscurantist": 16297, + "observation_dome": 8838, + "observatory": 8839, + "observer's_meridian": 14166, + "observer, commentator": 16298, + "obstacle": 8840, + "obstetrical_toad, midwife_toad, Alytes_obstetricans": 961, + "obstetrician, accoucheur": 16299, + "obstructionist, obstructor, obstructer, resister, thwarter": 16245, + "obturator": 8841, + "obtuse_leaf": 21443, + "obtuse_triangle, obtuse-angled_triangle": 21683, + "oca, oka, Oxalis_tuberosa, Oxalis_crenata": 20270, + "ocarina, sweet_potato": 8842, + "occultist": 16301, + "occupier": 16300, + "ocean": 14350, + "ocean_floor, sea_floor, ocean_bottom, seabed, sea_bottom, Davy_Jones's_locker, Davy_Jones": 14351, + "ocean_pout, Macrozoarces_americanus": 4003, + "ocean_sunfish, sunfish, mola, headfish": 4107, + "oceanfront": 14352, + "ocellated_turkey, Agriocharis_ocellata": 1342, + "ocelot, panther_cat, Felis_pardalis": 2413, + "oconee_bells, Shortia_galacifolia": 19057, + "octagon": 21692, + "octant": 8843, + "octopod": 1823, + "octopus, devilfish": 1824, + "odd-leg_caliper": 8844, + "odd-pinnate_leaf": 21449, + "odd-toed_ungulate, perissodactyl, perissodactyl_mammal": 3193, + "odometer, hodometer, mileometer, milometer": 8845, + "odonate": 2843, + "odontoglossum": 18586, + "oeil_de_boeuf": 8846, + "oenomel": 13798, + "off-line_equipment, auxiliary_equipment": 8851, + "offerer, offeror": 16303, + "office, business_office": 8847, + "office-bearer": 16304, + "office_boy": 16305, + "office_building, office_block": 8848, + "office_furniture": 8849, + "officeholder, officer": 16306, + "officer's_mess": 8850, + "officiant": 16307, + "ogee, cyma_reversa": 8852, + "ogee_arch, keel_arch": 8853, + "ohmmeter": 8854, + "oil, oil_color, oil_colour": 8855, + "oil_beetle": 2582, + "oil_cake": 13226, + "oil_filter": 8858, + "oil_heater, oilstove, kerosene_heater, kerosine_heater": 8859, + "oil_lamp, kerosene_lamp, kerosine_lamp": 8860, + "oil_meal": 13227, + "oil_paint": 8861, + "oil_palm": 19952, + "oil_pump": 8862, + "oil_refinery, petroleum_refinery": 8863, + "oil_slick": 8865, + "oil_tanker, oiler, tanker, tank_ship": 8867, + "oil_tycoon": 16310, + "oilbird, guacharo, Steatornis_caripensis": 1483, + "oilcan": 8856, + "oilcloth": 8857, + "oilfield": 14196, + "oilfish, Ruvettus_pretiosus": 4015, + "oilman": 16309, + "oilseed, oil-rich_seed": 17560, + "oilskin, slicker": 8864, + "oilstone": 8866, + "okapi, Okapia_johnstoni": 3501, + "okra": 18866, + "okra, gumbo, okra_plant, lady's-finger, Abelmoschus_esculentus, Hibiscus_esculentus": 18865, + "old-age_pensioner": 16311, + "old-man-of-the-woods, Strobilomyces_floccopus": 21217, + "old-timer, oldtimer, gaffer, old_geezer, antique": 16316, + "old_boy": 16312, + "old_fashioned": 13960, + "old_lady": 16313, + "old_man": 16314, + "old_school_tie": 8868, + "old_squaw, oldwife, Clangula_hyemalis": 1548, + "old_woman": 16317, + "oldster, old_person, senior_citizen, golden_ager": 16315, + "oleander, rose_bay, Nerium_oleander": 17774, + "oleaster": 19285, + "oligarch": 16318, + "oligochaete, oligochaete_worm": 1741, + "oligodendrocyte": 12140, + "olive": 19215, + "olive, European_olive_tree, Olea_europaea": 19214, + "olive-tree_agaric, Pleurotus_phosphoreus": 21070, + "olive_drab": 8869, + "olive_drab, olive-drab_uniform": 8870, + "olive_green, olive-green": 12035, + "olive_tree": 19213, + "olla_podrida, Spanish_burgoo": 12417, + "olm, Proteus_anguinus": 914, + "olympic_salamander, Rhyacotriton_olympicus": 918, + "ombu, bella_sombra, Phytolacca_dioica": 17976, + "omelet, omelette": 13487, + "omelet_pan, omelette_pan": 8872, + "ommastrephes": 1829, + "omnidirectional_antenna, nondirectional_antenna": 8873, + "omnirange, omnidirectional_range, omnidirectional_radio_range": 8874, + "omnivore": 16320, + "onager, Equus_hemionus": 3294, + "oncidium, dancing_lady_orchid, butterfly_plant, butterfly_orchid": 18587, + "oncologist": 16321, + "one-flowered_wintergreen, one-flowered_pyrola, Moneses_uniflora, Pyrola_uniflora": 19072, + "one-hitter, 1-hitter": 139, + "onion": 19566, + "onion_bagel": 12756, + "onion_bread": 12691, + "onion_butter": 13580, + "onion_dome": 8875, + "onion_mildew, Peronospora_destructor": 21011, + "onion_roll": 12747, + "onion_salt": 13293, + "onion_smut, Urocystis_cepulae": 21240, + "onion_stem, Lepiota_cepaestipes": 21095, + "onion_thrips, onion_louse, Thrips_tobaci": 2858, + "onlooker, looker-on": 16322, + "onomancer": 16323, + "onychophoran, velvet_worm, peripatus": 1894, + "oocyte": 12131, + "oolong": 14082, + "oospore": 17323, + "ootid": 12130, + "opah, moonfish, Lampris_regius": 3792, + "opalescence, iridescence": 12001, + "open-air_market, open-air_marketplace, market_square": 8876, + "open-end_wrench, tappet_wrench": 8878, + "open-face_sandwich, open_sandwich": 12776, + "open-hearth_furnace": 8880, + "open_circuit": 8877, + "open_sight": 8882, + "openbill": 1901, + "opener": 8879, + "openside_plane, rabbet_plane": 8881, + "openwork": 8883, + "opera, opera_house": 8884, + "opera_cloak, opera_hood": 8885, + "operating_microscope": 8886, + "operating_room, OR, operating_theater, operating_theatre, surgery": 8887, + "operating_table": 8888, + "operator": 16324, + "ophthalmoscope": 8889, + "opium_poppy, Papaver_somniferum": 18092, + "opossum, possum": 1591, + "opossum_rat": 1594, + "opossum_shrimp": 1872, + "opportunist, self-seeker": 16325, + "optical_device": 8890, + "optical_disk, optical_disc": 8891, + "optical_instrument": 8892, + "optical_pyrometer, pyroscope": 8893, + "optical_telescope": 8894, + "optimist": 16326, + "orach, orache": 17913, + "orange": 13046, + "orange, orange_tree": 20281, + "orange, orangeness": 12024, + "orange-blossom_orchid, Sarcochilus_falcatus": 18609, + "orange_bat, orange_horseshoe_bat, Rhinonicteris_aurantius": 2488, + "orange_daisy, orange_fleabane, Erigeron_aurantiacus": 18287, + "orange_juice": 14010, + "orange_liqueur": 13918, + "orange_marmalade": 12640, + "orange_milkwort, yellow_milkwort, candyweed, yellow_bachelor's_button, Polygala_lutea": 20275, + "orange_peel": 12491, + "orange_pekoe, pekoe": 14078, + "orange_sneezeweed, owlclaws, Helenium_hoopesii": 18323, + "orange_soda": 14036, + "orange_toast": 12727, + "orange_tortrix, tortrix, Argyrotaenia_citrana": 2900, + "orangeade": 14023, + "orangery": 21632, + "orangutan, orang, orangutang, Pongo_pygmaeus": 3600, + "orator, speechmaker, rhetorician, public_speaker, speechifier": 16328, + "orb-weaving_spider": 1266, + "orchard_grass, cocksfoot, cockspur, Dactylis_glomerata": 18705, + "orchard_oriole, Icterus_spurius": 695, + "orchestra_pit, pit": 8895, + "orchid, orchidaceous_plant": 18496, + "orchis": 18497, + "orderly": 16330, + "orderly, hospital_attendant": 16329, + "orderly_sergeant": 16331, + "ordinand": 16332, + "ordinary": 16333, + "ordinary, ordinary_bicycle": 8896, + "oregano, marjoram, pot_marjoram, wild_marjoram, winter_sweet, Origanum_vulgare": 20678, + "organ, pipe_organ": 8897, + "organ-grinder": 16334, + "organ_loft": 8900, + "organ_pipe, pipe, pipework": 8901, + "organdy, organdie": 8898, + "organic_light-emitting_diode, OLED": 8899, + "organism, being": 0, + "organist": 16335, + "organization_man": 16336, + "organizer, organiser, arranger": 16337, + "organizer, organiser, labor_organizer": 16338, + "organza": 8902, + "oriel, oriel_window": 8903, + "oriental_cherry, Japanese_cherry, Japanese_flowering_cherry, Prunus_serrulata": 20117, + "oriental_cockroach, oriental_roach, Asiatic_cockroach, blackbeetle, Blatta_orientalis": 2742, + "oriental_plane, Platanus_orientalis": 20556, + "oriental_poppy, Papaver_orientale": 18090, + "oriental_spruce, Picea_orientalis": 17423, + "oriflamme": 8904, + "origanum": 20677, + "originator, conceiver, mastermind": 16339, + "orlop_deck, orlop, fourth_deck": 8907, + "ormer, sea-ear, Haliotis_tuberculata": 1755, + "ornithologist, bird_watcher": 16340, + "ornithomimid": 1123, + "ornithopod, ornithopod_dinosaur": 1109, + "orphan": 16342, + "orphanage, orphans'_asylum": 8908, + "orphrey": 8909, + "orpine, orpin, livelong, live-forever, Sedum_telephium": 20508, + "orrery": 8910, + "orrisroot, orris": 19515, + "orthicon, image_orthicon": 8911, + "orthochromatic_film": 8912, + "orthopter, ornithopter": 8913, + "orthopterous_insect, orthopteron, orthopteran": 2721, + "orthoscope": 8914, + "ortolan, ortolan_bunting, Emberiza_hortulana": 576, + "oryx, pasang": 3458, + "osage_orange, bow_wood, mock_orange, Maclura_pomifera": 19476, + "oscillograph": 8915, + "oscilloscope, scope, cathode-ray_oscilloscope, CRO": 8916, + "oscine, oscine_bird": 535, + "osier": 21460, + "osprey, fish_hawk, fish_eagle, sea_eagle, Pandion_haliaetus": 857, + "osso_buco": 13692, + "ossuary": 8917, + "osteocyte": 12118, + "osteopath, osteopathist": 16343, + "ostracoderm": 435, + "ostrich, Struthio_camelus": 525, + "ostrich_fern, shuttlecock_fern, fiddlehead, Matteuccia_struthiopteris, Pteretis_struthiopteris, Onoclea_struthiopteris": 21530, + "othonna": 18382, + "otoscope, auriscope, auroscope": 8918, + "otter": 3517, + "otter_shrew, potamogale, Potamogale_velox": 1655, + "otterhound, otter_hound": 2215, + "ottoman, pouf, pouffe, puff, hassock": 8919, + "oubliette": 8920, + "out-and-outer": 16344, + "out-basket, out-tray": 8921, + "outboard_motor, outboard": 8922, + "outboard_motorboat, outboard": 8923, + "outbuilding": 8924, + "outcrop, outcropping, rock_outcrop": 14353, + "outdoor_game": 113, + "outdoor_sport, field_sport": 17, + "outdoors, out-of-doors, open_air, open": 14170, + "outdoorswoman": 16345, + "outerwear, overclothes": 8925, + "outfall": 8926, + "outfielder": 16347, + "outfit, getup, rig, turnout": 8927, + "outfitter": 8928, + "outhouse, privy, earth-closet, jakes": 8929, + "outlier": 16350, + "output_device": 8930, + "outrigger": 8931, + "outrigger_canoe": 8932, + "outside_caliper": 8933, + "outside_mirror": 8934, + "outskirts": 14133, + "outtake": 12235, + "outwork": 8935, + "ouzo": 13887, + "oven": 8936, + "oven_thermometer": 8937, + "ovenbird": 623, + "ovenbird, Seiurus_aurocapillus": 686, + "overall": 8938, + "overall, boilersuit, boilers_suit": 8939, + "overcast": 106, + "overcoat, overcoating": 8940, + "overcup_oak, Quercus_lyrata": 19126, + "overdrive": 8941, + "overgarment, outer_garment": 8942, + "overhand_knot": 8943, + "overhang": 8944, + "overhead_projector": 8945, + "overmantel": 8946, + "overnighter, overnight_bag, overnight_case": 8947, + "overpass, flyover": 8948, + "override": 8949, + "overshoe": 8950, + "overskirt": 8951, + "oviraptorid": 1125, + "ovoid": 21748, + "owl, bird_of_Minerva, bird_of_night, hooter": 873, + "owlet": 874, + "owner-occupier": 16351, + "ox": 3330, + "ox, wild_ox": 3328, + "oxbow": 14354, + "oxcart": 8954, + "oxeye": 8955, + "oxeye_daisy, Leucanthemum_maximum, Chrysanthemum_maximum": 18360, + "oxeye_daisy, ox-eyed_daisy, marguerite, moon_daisy, white_daisy, Leucanthemum_vulgare, Chrysanthemum_leucanthemum": 18359, + "oxford": 8956, + "oximeter": 8957, + "oxlip, paigle, Primula_elatior": 18634, + "oxtail_soup": 12392, + "oxtongue, bristly_oxtongue, bitterweed, bugloss, Picris_echioides": 18391, + "oxyacetylene_torch": 8958, + "oxygen_mask": 8959, + "oyabun": 16352, + "oyster": 1800, + "oyster_bar": 8960, + "oyster_bed, oyster_bank, oyster_park": 8961, + "oyster_cracker": 12765, + "oyster_fish, oyster-fish, oysterfish": 3800, + "oyster_mushroom, oyster_fungus, oyster_agaric, Pleurotus_ostreatus": 21069, + "oyster_plant, vegetable_oyster": 12974, + "oyster_shell": 1669, + "oyster_stew": 12427, + "oyster_stuffing, oyster_dressing": 12659, + "oystercatcher, oyster_catcher": 2017, + "p-n-p_transistor": 9358, + "p-n_junction": 9357, + "paca, Cuniculus_paca": 3174, + "pace_car": 8962, + "pacemaker, artificial_pacemaker": 8963, + "pacer": 3272, + "pacer, pacemaker, pacesetter": 3273, + "pachycephalosaur, pachycephalosaurus": 1103, + "pachyderm": 3544, + "pachysandra": 20394, + "pack": 8965, + "pack, face_pack": 8966, + "pack_animal, sumpter": 194, + "package, parcel": 8967, + "package_store, liquor_store, off-licence": 8968, + "packaging": 8969, + "packet": 8970, + "packhorse": 3263, + "packing_box, packing_case": 8971, + "packing_needle": 8974, + "packinghouse": 8973, + "packinghouse, packing_plant": 8972, + "packrat": 16353, + "packrat, pack_rat, trade_rat, bushytail_woodrat, Neotoma_cinerea": 3080, + "packsaddle": 8975, + "paddle": 8978, + "paddle, boat_paddle": 8976, + "paddle_box, paddle-box": 8979, + "paddle_steamer, paddle-wheeler": 8980, + "paddlefish, duckbill, Polyodon_spathula": 4063, + "paddlewheel, paddle_wheel": 8981, + "paddock": 8982, + "paddy": 13250, + "pademelon, paddymelon": 1604, + "padlock": 8983, + "padrone": 16355, + "paella": 12433, + "page, pageboy": 16356, + "page_printer, page-at-a-time_printer": 8984, + "pageboy": 12091, + "pahautea, Libocedrus_bidwillii, mountain_pine": 17455, + "paint, pigment": 8985, + "paintball": 8986, + "paintball_gun": 8987, + "paintbox": 8988, + "paintbrush": 8989, + "painted_beauty, Vanessa_virginiensis": 2866, + "painted_daisy, pyrethrum, Tanacetum_coccineum, Chrysanthemum_coccineum": 18448, + "painted_greenling, convict_fish, convictfish, Oxylebius_pictus": 4088, + "painted_nettle, Joseph's_coat, Coleus_blumei, Solenostemon_blumei, Solenostemon_scutellarioides": 20656, + "painted_sandgrouse, Pterocles_indicus": 1421, + "painted_tongue, Salpiglossis_sinuata": 20844, + "painted_turtle, painted_terrapin, painted_tortoise, Chrysemys_picta": 1012, + "painter": 16357, + "paisley": 8990, + "pajama, pyjama": 8992, + "pajama, pyjama, pj's, jammies": 8991, + "palace": 8995, + "palace, castle": 8994, + "palanquin, palankeen": 8996, + "pale_ale": 13790, + "pale_violet, striped_violet, cream_violet, Viola_striata": 19456, + "pale_yellow, straw, wheat": 12028, + "paleolith": 8997, + "paleontologist, palaeontologist, fossilist": 16359, + "palestra, palaestra": 8998, + "palette, pallet": 8999, + "palette_knife": 9000, + "palfrey": 3212, + "palisade": 9001, + "pallas's_sandgrouse, Syrrhaptes_paradoxus": 1423, + "pallasite": 14355, + "pallbearer, bearer": 16360, + "pallet": 9002, + "pallette, palette": 9003, + "pallid_bat, cave_bat, Antrozous_pallidus": 2499, + "pallium": 9005, + "pallone": 172, + "palm, palm_tree": 19926, + "palm_cat, palm_civet": 2468, + "palm_nut, palm_kernel": 19955, + "palmate_leaf": 21434, + "palmetto": 19930, + "palmist, palmister, chiromancer": 16361, + "palmyra, palmyra_palm, toddy_palm, wine_palm, lontar, longar_palm, Borassus_flabellifer": 19938, + "palo_santo, Bulnesia_sarmienti": 20322, + "palo_verde, Parkinsonia_florida, Cercidium_floridum": 19724, + "palometa, California_pompano, Palometa_simillima": 4049, + "palomino": 3281, + "paloverde": 19716, + "pampas_grass, Cortaderia_selloana": 18703, + "pamperer, spoiler, coddler, mollycoddler": 16362, + "pan": 9006, + "pan, cooking_pan": 9007, + "pancake_batter": 13616, + "pancake_turner": 9008, + "panchromatic_film": 9009, + "panda_car": 9010, + "pandanus, screw_pine": 18816, + "pandurate_leaf, panduriform_leaf": 21445, + "paneling, panelling, pane": 9011, + "panelist, panellist": 16364, + "pangolin, scaly_anteater, anteater": 3563, + "panhandle": 9012, + "panhandler": 16365, + "panic_button": 9013, + "panicle": 21363, + "panicled_aster": 18188, + "pannier": 9015, + "pannikin": 9016, + "panopticon": 9018, + "panpipe, pandean_pipe, syrinx": 9019, + "pansy_orchid": 18585, + "pant_leg, trouser_leg": 9026, + "pantaloon": 9020, + "pantechnicon": 9021, + "pantheon": 9023, + "panther": 2430, + "pantie, panty, scanty, step-in": 9024, + "pantile": 21803, + "panting, trousering": 9025, + "pantograph": 9027, + "pantothenic_acid, pantothen": 21800, + "pantry, larder, buttery": 9028, + "pants_suit, pantsuit": 9029, + "panty_girdle": 9030, + "pantyhose": 9031, + "panzer": 9032, + "paparazzo": 16366, + "papaw, pawpaw": 13140, + "papaya": 13141, + "papaya, papaia, pawpaw, papaya_tree, melon_tree, Carica_papaya": 19417, + "papaya_juice": 14015, + "paper": 21801, + "paper_chain": 9033, + "paper_clip, paperclip, gem_clip": 9034, + "paper_cutter": 9035, + "paper_fastener": 9036, + "paper_feed": 9037, + "paper_mill": 9038, + "paper_mulberry, Broussonetia_papyrifera": 19490, + "paper_nautilus, nautilus, Argonaut, Argonauta_argo": 1825, + "paper_towel": 9039, + "paper_wasp": 2679, + "paperboy": 16367, + "paperhanger": 16369, + "paperhanger, paperer": 16368, + "papillon": 2183, + "papoose, pappoose": 16370, + "paprika": 13369, + "papyrus": 21802, + "parabolic_mirror": 9040, + "parabolic_reflector, paraboloid_reflector": 9041, + "parachute, chute": 9042, + "paradise_tree, bitterwood, Simarouba_glauca": 20310, + "paraduodenal_smear, duodenal_smear": 12101, + "parakeet, parrakeet, parroket, paraquet, paroquet, parroquet": 1440, + "parallel": 21686, + "parallel_bars, bars": 9043, + "parallel_circuit, shunt_circuit": 9044, + "parallel_interface, parallel_port": 9045, + "paramecium, paramecia": 313, + "paramyxovirus": 247, + "parang": 9046, + "parapet": 9048, + "parapet, breastwork": 9047, + "parasail": 9049, + "parasite": 296, + "parasitic_jaeger, arctic_skua, Stercorarius_parasiticus": 2040, + "parasol, sunshade": 9050, + "parasol_mushroom, Lepiota_procera": 21088, + "pardoner": 16371, + "parer, paring_knife": 9051, + "paretic": 16372, + "parfait": 12580, + "parfait_glass": 9052, + "pargeting, pargetting, pargetry": 9053, + "parhelion, mock_sun, sundog": 17298, + "pari-mutuel_machine, totalizer, totaliser, totalizator, totalisator": 9054, + "pariah_dog, pye-dog, pie-dog": 2171, + "paring": 13539, + "parishioner": 16373, + "park_bench": 9056, + "park_commissioner": 16374, + "parka, windbreaker, windcheater, anorak": 9055, + "parking_meter": 9057, + "parliamentary_agent": 16376, + "parlor, parlour": 9058, + "parnassia, grass-of-Parnassus": 20542, + "parodist, lampooner": 16377, + "parquet, parquet_floor": 9059, + "parquetry, parqueterie": 9060, + "parr": 3762, + "parricide": 16378, + "parrot": 16379, + "parrot's_beak, parrot's_bill, Clianthus_puniceus": 19768, + "parrotfish, polly_fish, pollyfish": 3986, + "parsley": 13337, + "parsley, Petroselinum_crispum": 20926, + "parsley_haw, parsley-leaved_thorn, Crataegus_apiifolia, Crataegus_marshallii": 20035, + "parsnip": 12976, + "parsnip, Pastinaca_sativa": 20923, + "parsonage, vicarage, rectory": 9061, + "part-timer": 16381, + "partaker, sharer": 16380, + "partial_denture": 9063, + "partial_veil": 21298, + "particle_detector": 9064, + "particolored_buckeye": 20467, + "partition, divider": 9065, + "partridge": 1391, + "parts_bin": 9066, + "party": 16382, + "party_line": 9067, + "party_man, party_liner": 16383, + "party_wall": 9068, + "parula_warbler, northern_parula, Parula_americana": 674, + "parvis": 9069, + "pascal_celery, Paschal_celery": 12942, + "pasqueflower, pasque_flower": 17692, + "pass-through": 9077, + "passe-partout": 9074, + "passenger, rider": 16384, + "passenger_car, coach, carriage": 9070, + "passenger_pigeon, Ectopistes_migratorius": 1419, + "passenger_ship": 9071, + "passenger_train": 9072, + "passenger_van": 9073, + "passer": 16385, + "passerine, passeriform_bird": 533, + "passion_fruit": 13089, + "passive_matrix_display": 9075, + "passkey, passe-partout, master_key, master": 9076, + "pasta": 13631, + "pasta_salad": 13269, + "paster": 16386, + "pasteurized_milk": 13500, + "pastis": 13924, + "pastry, pastry_dough": 12615, + "pastry_cart": 9078, + "pasture, pastureland, grazing_land, lea, ley": 14172, + "patas, hussar_monkey, Erythrocebus_patas": 3622, + "patch": 9079, + "patch_pocket": 9082, + "patchcord": 9080, + "patchouli, patchouly, pachouli": 9081, + "patchouli, patchouly, pachouli, Pogostemon_cablin": 20708, + "patchwork, patchwork_quilt": 9083, + "pate": 13594, + "patent_log, screw_log, taffrail_log": 9084, + "pater": 16387, + "paternoster": 9085, + "pathogen": 299, + "patient": 16388, + "patina": 9086, + "patio, terrace": 9087, + "patisserie": 9088, + "patka": 9089, + "patriarch": 16390, + "patriarch, paterfamilias": 16391, + "patriot, nationalist": 16392, + "patrol_boat, patrol_ship": 9090, + "patron, sponsor, supporter": 16393, + "patternmaker": 16394, + "patty": 12477, + "patty, cake": 12652, + "patty-pan": 9091, + "pattypan_squash": 12846, + "pave": 9092, + "pavilion, marquee": 9093, + "paving, pavement, paving_material": 21806, + "pavior, paviour, paving_machine": 9094, + "pavis, pavise": 9095, + "pavlova": 12552, + "pavonia": 18900, + "pawn": 9096, + "pawnbroker": 16395, + "pawnbroker's_shop, pawnshop, loan_office": 9097, + "pawpaw, papaw, papaw_tree, Asimina_triloba": 17578, + "pay-phone, pay-station": 9098, + "payer, remunerator": 16396, + "pea": 19871, + "pea_crab": 1849, + "pea_flour": 12303, + "pea_jacket, peacoat": 9101, + "pea_soup": 12393, + "pea_tree, caragana": 19752, + "pea_weevil, Bruchus_pisorum": 2592, + "peacekeeper": 16397, + "peach": 13069, + "peach, peach_tree, Prunus_persica": 20111, + "peach_bells, peach_bell, willow_bell, Campanula_persicifolia": 18492, + "peach_ice_cream": 12570, + "peach_melba": 12553, + "peach_orchard": 9100, + "peach_pit": 17564, + "peach_sauce": 13413, + "peachick, pea-chick": 1383, + "peachleaf_willow, peach-leaved_willow, almond-leaves_willow, Salix_amygdaloides": 20338, + "peacock": 1384, + "peacock, peacock_butterfly, Inachis_io": 2880, + "peafowl, bird_of_Juno": 1382, + "peahen": 1385, + "peanut": 17711, + "peanut, earthnut, goober, goober_pea, groundnut, monkey_nut": 12990, + "peanut_bar": 12528, + "peanut_brittle": 12481, + "peanut_butter": 13578, + "peanut_worm, sipunculid": 3006, + "pear": 13175, + "pear, pear_tree, Pyrus_communis": 20127, + "pearl_barley": 13238, + "pearl_hominy": 12955, + "pearl_oyster, Pinctada_margaritifera": 1803, + "pearlfish, pearl-fish": 3823, + "pearly-shelled_mussel": 1812, + "pearly_everlasting, cottonweed, Anaphalis_margaritacea": 18130, + "pearly_razorfish, Hemipteronatus_novacula": 3983, + "peasant": 16398, + "pease_pudding": 12600, + "peavey, peavy, cant_dog, dog_hook": 9102, + "peba, nine-banded_armadillo, Texas_armadillo, Dasypus_novemcinctus": 3547, + "pecan": 13213, + "pecan, pecan_tree, Carya_illinoensis, Carya_illinoinsis": 19271, + "peccary, musk_hog": 3321, + "pecopteris": 17315, + "pectoral, pectoral_medallion": 9103, + "pectoral_sandpiper, jacksnipe, Calidris_melanotos": 1983, + "pedal, treadle, foot_pedal, foot_lever": 9104, + "pedal_pusher, toreador_pants": 9105, + "pedant, bookworm, scholastic": 16399, + "pedate_leaf": 21450, + "peddler, pedlar, packman, hawker, pitchman": 16400, + "pederast, paederast, child_molester": 16401, + "pedestal, plinth, footstall": 9106, + "pedestal_table": 9107, + "pedestrian_crossing, zebra_crossing": 9108, + "pedicab, cycle_rickshaw": 9109, + "pedicel, pedicle": 21360, + "pediment": 9110, + "pedometer": 9111, + "peduncle": 21359, + "peeler": 9112, + "peep_sight": 9113, + "peeper": 184, + "peer, equal, match, compeer": 14493, + "peg": 9116, + "peg, nog": 9114, + "peg, pin, thole, tholepin, rowlock, oarlock": 9115, + "peg, wooden_leg, leg, pegleg": 9117, + "pegboard": 9118, + "pelagic_bird, oceanic_bird": 2085, + "pelecaniform_seabird": 2066, + "pelican": 2067, + "pelican_crossing": 9120, + "pelisse": 9121, + "pellet": 21725, + "pellicle": 409, + "pellitory, pellitory-of-Spain, Anacyclus_pyrethrum": 18129, + "pellitory-of-the-wall, wall_pellitory, pellitory, Parietaria_difussa": 19464, + "peludo, poyou, Euphractus_sexcinctus": 3550, + "pelvimeter": 9122, + "pelycosaur": 1131, + "pen": 9123, + "pen-and-ink": 9127, + "penal_colony": 9124, + "penal_institution, penal_facility": 9125, + "penalty_box": 9126, + "pencil": 21641, + "pencil_box, pencil_case": 9130, + "pencil_sharpener": 9131, + "pendant_earring, drop_earring, eardrop": 9132, + "pendulum": 9133, + "pendulum_clock": 9134, + "pendulum_watch": 9135, + "penetration_bomb": 9136, + "penguin": 2079, + "penile_implant": 9137, + "penitentiary, pen": 9138, + "penknife": 9139, + "penlight": 9140, + "pennant, pennon, streamer, waft": 9141, + "pennycress": 18080, + "pennyroyal, American_pennyroyal, Hedeoma_pulegioides": 20662, + "pennyroyal, Mentha_pulegium": 20690, + "pennywhistle, tin_whistle, whistle": 9142, + "penologist": 16402, + "pentagon": 21689, + "pentahedron": 21750, + "pentathlete": 16403, + "penthouse": 9143, + "pentode": 9144, + "penuche, penoche, panoche, panocha": 12505, + "peony, paeony": 17633, + "people": 14101, + "peperomia": 21425, + "peplos, peplus, peplum": 9145, + "peplum": 9146, + "pepper": 12871, + "pepper, peppercorn": 13307, + "pepper_mill, pepper_grinder": 9147, + "pepper_pot, Philadelphia_pepper_pot": 12394, + "pepper_sauce, Poivrade": 13462, + "pepper_shaker, pepper_box, pepper_pot": 9148, + "pepper_shrub, Pseudowintera_colorata, Wintera_colorata": 17697, + "pepper_spray": 9149, + "pepper_steak": 13727, + "pepper_tree, Kirkia_wilmsii": 20314, + "pepper_tree, molle, Peruvian_mastic_tree, Schinus_molle": 20452, + "peppermint, Mentha_piperita": 20687, + "peppermint, peppermint_candy": 12511, + "peppermint_patty": 12478, + "pepperoni_pizza": 13700, + "percale": 9150, + "perch": 3814, + "percoid_fish, percoid, percoidean": 3811, + "percolator": 9151, + "percussion_cap": 9152, + "percussion_instrument, percussive_instrument": 9153, + "percussionist": 16405, + "pere_david's_deer, elaphure, Elaphurus_davidianus": 3487, + "peregrine, peregrine_falcon, Falco_peregrinus": 836, + "perennial": 17331, + "perennial_ryegrass, English_ryegrass, Lolium_perenne": 18731, + "perennial_salt_marsh_aster": 18189, + "perfect_game": 137, + "perforation": 14356, + "perfume, essence": 9155, + "perfumery": 9158, + "perianth, chlamys, floral_envelope, perigone, perigonium": 17569, + "pericarp, seed_vessel": 17543, + "perihelion": 14173, + "periodontist": 16406, + "peripheral, computer_peripheral, peripheral_device": 9159, + "periscope": 9160, + "periselene, perilune": 14174, + "perishable, spoilable": 14094, + "perisperm": 17549, + "peristyle": 9161, + "periwig, peruke": 9162, + "periwinkle, rose_periwinkle, Madagascar_periwinkle, old_maid, Cape_periwinkle, red_periwinkle, cayenne_jasmine, Catharanthus_roseus, Vinca_rosea": 17770, + "periwinkle, winkle": 1772, + "permanent_press, durable_press": 9163, + "permit, Trachinotus_falcatus": 3887, + "pernyi_moth, Antheraea_pernyi": 2965, + "perpetual_motion_machine": 9164, + "perry": 13997, + "persimmon": 13040, + "persimmon, persimmon_tree": 20471, + "person, individual, someone, somebody, mortal, soul": 4, + "persona_grata": 16411, + "persona_non_grata": 16412, + "personage": 16410, + "personal_computer, PC, microcomputer": 9165, + "personal_digital_assistant, PDA, personal_organizer, personal_organiser, organizer, organiser": 9166, + "personal_representative": 16409, + "personality": 16408, + "personification": 16413, + "personnel_carrier": 9167, + "perspirer, sweater": 16414, + "pervert, deviant, deviate, degenerate": 16415, + "peshmerga": 16407, + "pessimist": 16416, + "pest": 180, + "pest, blighter, cuss, pesterer, gadfly": 16417, + "pestle": 9168, + "pestle, muller, pounder": 9169, + "pesto": 13415, + "pet": 203, + "pet_shop": 9173, + "pet_sitter, critter_sitter": 16421, + "petal, flower_petal": 17566, + "petcock": 9170, + "petfood, pet-food, pet_food": 13256, + "petiole, leafstalk": 21358, + "petiolule": 17535, + "petit_juror, petty_juror": 16420, + "petite_marmite, minestrone, vegetable_soup": 12395, + "petitioner, suppliant, supplicant, requester": 16419, + "petrel": 2090, + "petrolatum_gauze": 9172, + "petter, fondler": 16422, + "petticoat, half-slip, underskirt": 9174, + "petty_spurge, devil's_milk, Euphorbia_peplus": 20856, + "petunia": 20833, + "pew, church_bench": 9175, + "pewee, peewee, peewit, pewit, wood_pewee, Contopus_virens": 613, + "phaius": 18593, + "phalanger, opossum, possum": 1611, + "phalarope": 2018, + "phantom_orchid, snow_orchid, Eburophyton_austinae": 18544, + "pharaoh_ant, pharaoh's_ant, Monomorium_pharaonis": 2703, + "pharmacist, druggist, chemist, apothecary, pill_pusher, pill_roller": 16424, + "phasianid": 1371, + "phasmid, phasmid_insect": 2737, + "pheasant": 1372, + "pheasant's-eye, Adonis_annua": 17649, + "pheasant_under_glass": 13694, + "phenacomys": 3090, + "phial, vial, ampule, ampul, ampoule": 9176, + "philadelphus": 20516, + "philanthropist, altruist": 16425, + "philatelist, stamp_collector": 16426, + "philodendron": 17811, + "philosopher": 16427, + "philter, philtre, love-potion, love-philter, love-philtre": 13764, + "phloem, bast": 21301, + "phlomis": 20704, + "phlox": 20562, + "phoebe, phoebe_bird, Sayornis_phoebe": 615, + "phonetician": 16428, + "phonograph_needle, needle": 9179, + "phonograph_record, phonograph_recording, record, disk, disc, platter": 9180, + "phonologist": 16429, + "phoronid": 3003, + "phosphate": 14037, + "photocathode": 9181, + "photocoagulator": 9182, + "photocopier": 9183, + "photographic_equipment": 9184, + "photographic_paper, photographic_material": 9185, + "photojournalism": 12175, + "photojournalist": 16430, + "photometer": 9186, + "photometrist, photometrician": 16431, + "photomicrograph": 9187, + "photosphere": 14357, + "photostat": 9189, + "phyllo": 12623, + "physa": 1781, + "physic_nut, Jatropha_curcus": 20878, + "physical_pendulum, compound_pendulum": 9190, + "physical_therapist, physiotherapist": 16432, + "physicist": 16433, + "physostegia": 20706, + "pia, Indian_arrowroot, Tacca_leontopetaloides, Tacca_pinnatifida": 19674, + "piaffe": 13, + "piano, pianoforte, forte-piano": 9191, + "piano_action": 9192, + "piano_keyboard, fingerboard, clavier": 9193, + "piano_maker": 16434, + "piano_wire": 9194, + "piassava_palm, pissaba_palm, Bahia_piassava, bahia_coquilla, Attalea_funifera": 19936, + "picador": 14969, + "piccalilli": 13375, + "piccolo": 9195, + "pichi, Fabiana_imbricata": 20818, + "pichiciago, pichiciego, fairy_armadillo, chlamyphore, Chlamyphorus_truncatus": 3552, + "piciform_bird": 1484, + "pick": 9197, + "pick, pickax, pickaxe": 9196, + "pick, plectrum, plectron": 9198, + "pickaback_plant, piggyback_plant, youth-on-age, Tolmiea_menziesii": 20548, + "pickelhaube": 9199, + "picker, chooser, selector": 16435, + "pickerel": 3829, + "pickerel_frog, Rana_palustris": 939, + "picket_boat": 9200, + "picket_fence, paling": 9201, + "picket_ship": 9202, + "pickle": 13371, + "pickle_barrel": 9203, + "pickle_relish": 13374, + "pickup, pickup_truck": 9204, + "picnic": 12336, + "picnicker, picknicker": 16436, + "picture_frame": 9206, + "picture_hat": 9207, + "picture_rail": 9208, + "picture_window": 9209, + "piculet": 1498, + "piddock": 1820, + "pie_plant, garden_rhubarb, Rheum_cultorum, Rheum_rhabarbarum, Rheum_rhaponticum": 19990, + "piece_de_resistance": 12348, + "piece_of_cloth, piece_of_material": 9210, + "pied-a-terre": 9211, + "pied-billed_grebe, Podilymbus_podiceps": 2065, + "pied_lemming": 3102, + "piedmont": 14358, + "pieplant, rhubarb": 12824, + "pier": 9213, + "pier_arch": 9214, + "pier_glass, pier_mirror": 9215, + "pier_table": 9216, + "pierid, pierid_butterfly": 2883, + "pieta": 9217, + "piezometer": 9218, + "pig's_ears, Cantharellus_clavatus": 21061, + "pig_bed, pig": 9219, + "pigeon": 1402, + "pigeon_guillemot, Cepphus_columba": 2049, + "pigeon_hawk, merlin, Falco_columbarius": 841, + "pigeon_pea, pigeon-pea_plant, cajan_pea, catjang_pea, red_gram, dhal, dahl, Cajanus_cajan": 19750, + "pigfish, giant_pigfish, Achoerodus_gouldii": 3978, + "pigfish, hogfish, Orthopristis_chrysopterus": 3918, + "piggery, pig_farm": 9220, + "piggy_bank, penny_bank": 9221, + "piglet, piggy, shoat, shote": 3312, + "pigmentation": 12063, + "pigmy_talinum, Talinum_brevifolium": 17993, + "pignut, pignut_hickory, brown_hickory, black_hickory, Carya_glabra": 19269, + "pigs_in_blankets": 13695, + "pigsticking": 98, + "pigtail": 12090, + "pigweed, Amaranthus_hypochondriacus": 17897, + "pika, mouse_hare, rock_rabbit, coney, cony": 3043, + "pike": 3826, + "pike-perch, pike_perch": 3817, + "pikeblenny": 3995, + "pilaf, pilaff, pilau, pilaw": 13696, + "pilaster": 9222, + "pilchard, sardine, Sardina_pilchardus": 3756, + "pile, spile, piling, stilt": 9223, + "pile_driver": 9224, + "pilgrim": 16437, + "pill": 16438, + "pill_bottle": 9225, + "pill_bug": 1878, + "pill_head": 16440, + "pillar, mainstay": 16439, + "pillbox, toque, turban": 9226, + "pillion": 9227, + "pillory": 9228, + "pillow": 9229, + "pillow_block": 9230, + "pillow_lace, bobbin_lace": 9231, + "pillow_sham": 9232, + "pillwort, Pilularia_globulifera": 20969, + "pilot": 16441, + "pilot_bit": 9233, + "pilot_boat": 9234, + "pilot_burner, pilot_light, pilot": 9235, + "pilot_cloth": 9236, + "pilot_engine": 9237, + "pilot_light, pilot_lamp, indicator_lamp": 9239, + "pilot_whale, black_whale, common_blackfish, blackfish, Globicephala_melaena": 2129, + "pilothouse, wheelhouse": 9238, + "pimento, pimiento": 12876, + "pimento_butter": 13581, + "pimp, procurer, panderer, pander, pandar, fancy_man, ponce": 16443, + "pimpernel": 18637, + "pin": 9240, + "pin, flag": 9241, + "pin, pin_tumbler": 9242, + "pin-tailed_sandgrouse, pin-tailed_grouse, Pterocles_alchata": 1422, + "pin_cherry, Prunus_pensylvanica": 20110, + "pin_oak, swamp_oak, Quercus_palustris": 19139, + "pina_cloth": 21769, + "pina_colada": 14049, + "pinata": 9243, + "pinball_machine, pin_table": 9244, + "pince-nez": 9245, + "pincer, pair_of_pincers, tweezer, pair_of_tweezers": 9246, + "pinch_bar": 9247, + "pinche, Leontocebus_oedipus": 3643, + "pincurl_clip": 9248, + "pine, pine_tree, true_pine": 17350, + "pine-barren_sandwort, longroot, Arenaria_caroliniana": 17848, + "pine_fern, Anemia_adiantifolia": 20961, + "pine_grosbeak, Pinicola_enucleator": 589, + "pine_hyacinth, Clematis_baldwinii, Viorna_baldwinii": 17669, + "pine_marten, Martes_martes": 3536, + "pine_nut, pignolia, pinon_nut": 13214, + "pine_sawyer": 2546, + "pine_siskin, pine_finch, Spinus_pinus": 555, + "pine_snake": 1167, + "pine_spittlebug": 2816, + "pine_vole, pine_mouse, Pitymys_pinetorum": 3084, + "pineapple, ananas": 13086, + "pineapple, pineapple_plant, Ananas_comosus": 19999, + "pineapple_juice": 14012, + "pineapple_weed, rayless_chamomile, Matricaria_matricarioides": 18374, + "pinesap, false_beachdrops, Monotropa_hypopithys": 19074, + "pinetum": 14360, + "pinfish, sailor's-choice, squirrelfish, Lagodon_rhomboides": 3926, + "pinfold": 9249, + "ping-pong_ball": 9250, + "pinhead": 9251, + "pinion": 9252, + "pink": 12047, + "pink, garden_pink": 17855, + "pink-and-white_everlasting, pink_paper_daisy, Acroclinium_roseum": 18118, + "pink_bollworm, Gelechia_gossypiella": 2988, + "pink_calla, Zantedeschia_rehmanii": 17818, + "pink_cockatoo, Kakatoe_leadbeateri": 1433, + "pink_disease_fungus, Corticium_salmonicolor": 21096, + "pink_fivecorner, Styphelia_triflora": 19064, + "pink_lady": 13961, + "pink_shower, pink_shower_tree, horse_cassia, Cassia_grandis": 19711, + "pinna, pinnule": 21428, + "pinnacle": 9253, + "pinnate_leaf": 21435, + "pinniped_mammal, pinniped, pinnatiped": 2139, + "pinon, pinyon": 17351, + "pinon_pine, Mexican_nut_pine, Pinus_cembroides": 17353, + "pinprick": 9254, + "pinscher": 2308, + "pinstripe": 9257, + "pintail, pin-tailed_duck, Anas_acuta": 1526, + "pintle": 9258, + "pinto": 3282, + "pinto_bean": 12918, + "pinwheel": 9260, + "pinwheel, Aeonium_haworthii": 20509, + "pinwheel, pinwheel_wind_collector": 9259, + "pinwheel_roll": 12753, + "pinworm, threadworm, Enterobius_vermicularis": 1732, + "pip": 17546, + "pip-squeak, squirt, small_fry": 16445, + "pipal, pipal_tree, pipul, peepul, sacred_fig, bo_tree, Ficus_religiosa": 19485, + "pipe": 9262, + "pipe, tube": 21724, + "pipe_bomb": 9263, + "pipe_cleaner": 9264, + "pipe_cutter": 9265, + "pipe_smoker": 16444, + "pipe_vise, pipe_clamp": 9268, + "pipe_wrench, tube_wrench": 9269, + "pipefish, needlefish": 402, + "pipefitting, pipe_fitting": 9266, + "pipet, pipette": 9267, + "pipewort, Eriocaulon_aquaticum": 20000, + "piping_crow, piping_crow-shrike, Gymnorhina_tibicen": 739, + "piping_guan": 1363, + "piping_plover, Charadrius_melodus": 1964, + "pipistrelle, pipistrel, Pipistrellus_pipistrellus": 2500, + "pipit, titlark, lark": 543, + "pipsissewa, prince's_pine": 19070, + "pique": 9270, + "piranha, pirana, caribe": 3901, + "pirate, pirate_ship": 9271, + "pirogi, piroshki, pirozhki": 12619, + "pisser, urinator": 16446, + "pistachio, Pistacia_vera, pistachio_tree": 20442, + "pistachio, pistachio_nut": 13215, + "piste": 9272, + "pistia, water_lettuce, water_cabbage, Pistia_stratiotes, Pistia_stratoites": 17812, + "pistil": 17529, + "pistol, handgun, side_arm, shooting_iron": 9273, + "pistol_grip": 9274, + "piston, plunger": 9275, + "piston_ring": 9276, + "piston_rod": 9277, + "pit": 9278, + "pit_viper": 1237, + "pita, pocket_bread": 12686, + "pitahaya": 13071, + "pitch_apple, strangler_fig, Clusia_rosea, Clusia_major": 19399, + "pitch_pine, northern_pitch_pine, Pinus_rigida": 17361, + "pitch_pipe": 9282, + "pitcher, ewer": 9279, + "pitcher, hurler, twirler": 16447, + "pitcher_plant": 20494, + "pitcher_sage, Lepechinia_calycina, Sphacele_calycina": 20673, + "pitcher_sage, Salvia_spathacea": 20718, + "pitchfork": 9280, + "pitching_coach": 15212, + "pitching_wedge": 9281, + "pitchman": 16448, + "pith_hat, pith_helmet, sun_helmet, topee, topi": 9283, + "piton": 9284, + "pitsaw": 9287, + "pitta": 629, + "pivot, pin": 9288, + "pivoting_window": 9289, + "pizza, pizza_pie": 13698, + "pizzeria, pizza_shop, pizza_parlor": 9290, + "place, shoes": 21762, + "place_of_business, business_establishment": 9291, + "place_of_worship, house_of_prayer, house_of_God, house_of_worship": 9292, + "placeman, placeseeker": 16449, + "placental, placental_mammal, eutherian, eutherian_mammal": 1626, + "placer_miner": 16450, + "placket": 9293, + "placoderm": 446, + "plage": 14361, + "plagiarist, plagiarizer, plagiariser, literary_pirate, pirate": 16451, + "plaice, Pleuronectes_platessa": 4112, + "plain, field, champaign": 14362, + "plain_flour": 12307, + "plain_turkey, Choriotis_australis": 1955, + "plain_wanderer, Pedionomus_torquatus": 1958, + "plains_lemon_monarda, Monarda_pectinata": 20698, + "plains_pocket_gopher, Geomys_bursarius": 3130, + "plains_pocket_mouse, Perognathus_flavescens": 3114, + "plains_spadefoot, Scaphiopus_bombifrons": 967, + "plainsman": 16452, + "planarian, planaria": 1717, + "planchet, coin_blank": 9294, + "plane, carpenter's_plane, woodworking_plane": 9295, + "plane, planer, planing_machine": 9296, + "plane_figure, two-dimensional_figure": 21642, + "plane_seat": 9297, + "plane_tree, sycamore, platan": 20553, + "planetarium": 9300, + "planetary_gear, epicyclic_gear, planet_wheel, planet_gear": 9301, + "plank-bed": 9302, + "planking": 21840, + "planktonic_algae": 294, + "planner": 9304, + "planner, contriver, deviser": 16453, + "plant, flora, plant_life": 6, + "plant, works, industrial_plant": 9305, + "plant_hopper, planthopper": 2819, + "plant_louse, louse": 2795, + "plantain": 13180, + "plantain, plantain_tree, Musa_paradisiaca": 19366, + "plantain-leaved_pussytoes": 18132, + "planter": 9306, + "planter's_punch": 14055, + "planter, plantation_owner": 16454, + "plantigrade_mammal, plantigrade": 3680, + "planula": 1678, + "plasmodium, Plasmodium_vivax, malaria_parasite": 347, + "plaster": 21807, + "plaster, adhesive_plaster, sticking_plaster": 9307, + "plasterboard, gypsum_board": 9308, + "plasterer": 16455, + "plastering_trowel": 9309, + "plastic_bag": 9310, + "plastic_bomb": 9311, + "plastic_laminate": 9312, + "plastic_wrap": 9313, + "plastron": 9316, + "plate": 12349, + "plate, collection_plate": 9318, + "plate, scale, shell": 9317, + "plate_rack": 9322, + "plate_rail": 9323, + "plateau_striped_whiptail, Cnemidophorus_velox": 1057, + "platen": 9321, + "platform": 9326, + "platform, weapons_platform": 9325, + "platform_bed": 9327, + "platform_rocker": 9328, + "plating, metal_plating": 9329, + "platinum_blond, platinum_blonde": 16456, + "platitudinarian": 16457, + "platter": 9330, + "platy, Platypoecilus_maculatus": 386, + "platyctenean": 1706, + "platypus, duckbill, duckbilled_platypus, duck-billed_platypus, Ornithorhynchus_anatinus": 1589, + "playback": 9331, + "playbox, play-box": 9332, + "playboy, man-about-town, Corinthian": 16458, + "player, participant": 16459, + "playground": 9333, + "playmate, playfellow": 16460, + "playpen, pen": 9334, + "playsuit": 9335, + "plaza, mall, center, shopping_mall, shopping_center, shopping_centre": 9336, + "pleaser": 16461, + "pleat, plait": 9337, + "plectognath, plectognath_fish": 4095, + "plectranthus": 20707, + "pledger": 16462, + "plenipotentiary": 16463, + "plenum": 9338, + "plesiosaur, plesiosaurus": 1138, + "plethysmograph": 9339, + "pleurodont": 234, + "pleurothallis": 18602, + "pleximeter, plessimeter": 9340, + "plexor, plessor, percussor": 9341, + "plier, plyer": 16464, + "pliers, pair_of_pliers, plyers": 9342, + "plimsoll": 9343, + "plodder, slogger": 16466, + "plodder, slowpoke, stick-in-the-mud, slowcoach": 16465, + "plonk": 13834, + "plotter": 9344, + "plotter, mapper": 16467, + "ploughman's_lunch": 12344, + "plover": 1963, + "plow, plough": 9345, + "plow_horse, plough_horse": 3242, + "plug, male_plug": 9347, + "plug, stopper, stopple": 9346, + "plug_fuse": 9348, + "plughole": 9349, + "plum": 13072, + "plum, plum_tree": 20068, + "plum-fruited_yew, Prumnopitys_andina, Prumnopitys_elegans": 17505, + "plum-yew": 17475, + "plum_pudding, Christmas_pudding": 12591, + "plum_sauce": 13412, + "plum_tomato": 20824, + "plumb_bob, plumb, plummet": 9350, + "plumb_level": 9351, + "plumbago": 18659, + "plumber, pipe_fitter": 16468, + "plumcot": 13181, + "plumcot, plumcot_tree": 20079, + "plume_grass": 18721, + "plume_poppy, bocconia, Macleaya_cordata": 18102, + "plume_thistle, plumed_thistle": 18250, + "plumed_scorpionfish, Scorpaena_grandicornis": 4072, + "plunger, plumber's_helper": 9352, + "pluralist": 16470, + "plus_fours": 9353, + "plush": 9354, + "plywood, plyboard": 9355, + "pneumatic_drill": 9356, + "pneumococcus, Diplococcus_pneumoniae": 291, + "poached_egg, dropped_egg": 13483, + "poacher": 9359, + "pochard, Aythya_ferina": 1534, + "pocket": 9360, + "pocket-handkerchief": 9364, + "pocket_battleship": 9361, + "pocket_flap": 9363, + "pocket_mouse": 3112, + "pocket_rat": 3049, + "pocket_watch": 9366, + "pocketbook": 21633, + "pocketcomb, pocket_comb": 9362, + "pocketed_bat, pocketed_freetail_bat, Tadirida_femorosacca": 2507, + "pocketknife, pocket_knife": 9365, + "pod, cod, seedcase": 21394, + "pod, fuel_pod": 9367, + "pod, seedpod": 21389, + "podicipitiform_seabird": 2059, + "podocarp": 17484, + "poet": 16471, + "pogge, armed_bullhead, Agonus_cataphractus": 4085, + "pogo_stick": 9368, + "pogonia": 18603, + "poi": 13704, + "poikilotherm, ectotherm": 186, + "poinsettia, Christmas_star, Christmas_flower, lobster_plant, Mexican_flameleaf, painted_leaf, Euphorbia_pulcherrima": 20863, + "point": 14363, + "point-and-shoot_camera": 9369, + "point_lace, needlepoint": 9372, + "point_woman": 16473, + "pointed-leaf_maple, Acer_argutum": 20419, + "pointed_arch": 9370, + "pointer, Spanish_pointer": 2267, + "pointing_trowel": 9371, + "pointsman": 16472, + "poison_ash, poison_dogwood, poison_sumac, Toxicodendron_vernix, Rhus_vernix": 20456, + "poison_bush, poison_pea, gastrolobium": 19800, + "poison_camas, Zigadenus_nuttalli": 19659, + "poison_gas": 21808, + "poison_ivy, markweed, poison_mercury, poison_oak, Toxicodendron_radicans, Rhus_radicans": 20457, + "poison_milkweed, horsetail_milkweed, Asclepias_subverticillata": 21619, + "poisonous_parasol, Lepiota_morgani": 21089, + "poisonous_plant": 21304, + "poke, pigeon_berry, garget, scoke, Phytolacca_americana": 17975, + "poke_milkweed, Asclepias_exaltata": 21614, + "poker, stove_poker, fire_hook, salamander": 9373, + "poker_plant, Kniphofia_uvaria": 19583, + "pokeweed": 17973, + "polar_glacier": 14364, + "polar_hare, Arctic_hare, Lepus_arcticus": 3039, + "polarimeter, polariscope": 9374, + "pole": 9378, + "pole_bean": 19861, + "pole_horse": 3275, + "pole_horse, poler": 3269, + "poleax, poleaxe": 9380, + "polecat, fitch, foulmart, foumart, Mustela_putorius": 3511, + "police_boat": 9381, + "police_dog": 2307, + "police_van, police_wagon, paddy_wagon, patrol_wagon, wagon, black_Maria": 9382, + "policeman_bird, black-necked_stork, jabiru, Xenorhyncus_asiaticus": 1904, + "policyholder": 16474, + "poliovirus": 248, + "polish, gloss, glossiness, burnish": 12002, + "political_prisoner": 16475, + "political_scientist": 16476, + "politician": 16478, + "politician, politico, pol, political_leader": 16477, + "poll, poll_parrot": 1426, + "pollack, pollock, Pollachius_pollachius": 3727, + "pollard": 21317, + "pollen_tube": 17539, + "pollinator": 2526, + "polling_booth": 9383, + "pollinium": 17528, + "pollster, poll_taker, headcounter, canvasser": 16479, + "polluter, defiler": 16480, + "polo": 149, + "polo_ball": 9384, + "polo_mallet, polo_stick": 9385, + "polo_pony": 3228, + "polo_shirt, sport_shirt": 9387, + "polonaise": 9386, + "polyanthus, Primula_polyantha": 18636, + "polychaete, polychete, polychaete_worm, polychete_worm": 1743, + "polyester": 9388, + "polygon, polygonal_shape": 21651, + "polygraph": 9389, + "polyhedral_angle": 21753, + "polymastigote": 337, + "polymath": 15879, + "polyoma, polyoma_virus": 255, + "polyp": 1679, + "polyphemus_moth, Antheraea_polyphemus": 2964, + "polypody": 21464, + "polypore, pore_fungus, pore_mushroom": 21189, + "pomade, pomatum": 9390, + "pome, false_fruit": 21388, + "pomegranate": 13182, + "pomegranate, pomegranate_tree, Punica_granatum": 19351, + "pomelo, pomelo_tree, pummelo, shaddock, Citrus_maxima, Citrus_grandis, Citrus_decumana": 20284, + "pomelo, shaddock": 13063, + "pomfret, Brama_raii": 3897, + "pommel_horse, side_horse": 9391, + "pompadour": 12092, + "pompano": 3885, + "pompon, black_margate, Anisotremus_surinamensis": 3917, + "poncho": 9392, + "pond-scum_parasite": 21005, + "pond_apple": 13139, + "pond_apple, pond-apple_tree, Annona_glabra": 17577, + "pond_pine, Pinus_serotina": 17362, + "pond_scum": 327, + "ponderosa, ponderosa_pine, western_yellow_pine, bull_pine, Pinus_ponderosa": 17375, + "pondweed": 20011, + "pongee": 9393, + "poniard, bodkin": 9394, + "pontifical": 9395, + "pontoon": 9396, + "pontoon_bridge, bateau_bridge, floating_bridge": 9397, + "pony": 3252, + "pony-trekking": 81, + "pony_cart, ponycart, donkey_cart, tub-cart": 9398, + "pooch, doggie, doggy, barker, bow-wow": 2168, + "poodle, poodle_dog": 2350, + "pool_ball": 9399, + "pool_player": 16481, + "pool_table, billiard_table, snooker_table": 9401, + "poolroom": 9400, + "poon": 19391, + "poop_deck": 9402, + "poor_box, alms_box, mite_box": 9403, + "poorhouse": 9404, + "poorwill, Phalaenoptilus_nuttallii": 1481, + "pop, soda, soda_pop, soda_water, tonic": 14029, + "pop_bottle, soda_bottle": 9405, + "pop_tent": 9410, + "popcorn": 12956, + "popcorn, Zea_mays_everta": 18795, + "popcorn_ball": 12529, + "popgun": 9406, + "popinjay": 1425, + "poplar, poplar_tree": 20356, + "poplin": 9407, + "popover": 12736, + "popper": 9408, + "poppet, poppet_valve": 9409, + "poppy": 18085, + "poppy_mallow": 18874, + "poppy_seed": 13390, + "porbeagle, Lamna_nasus": 455, + "porcelain": 9411, + "porch": 9412, + "porcupine, hedgehog": 3106, + "porcupine_ball, porcupines": 13688, + "porcupinefish, porcupine_fish, Diodon_hystrix": 4104, + "porgy": 3921, + "pork-and-veal_goulash": 12424, + "pork_and_beans": 13705, + "porker": 3314, + "porkfish, pork-fish, Anisotremus_virginicus": 3916, + "porkholt": 12425, + "porkpie, porkpie_hat": 9413, + "porpoise": 2124, + "porridge": 13706, + "porringer": 9414, + "port, port_wine": 13862, + "portable": 9415, + "portable_circular_saw, portable_saw": 9417, + "portable_computer": 9416, + "portal_site, portal": 12216, + "portcullis": 9418, + "porte-cochere": 9420, + "porter, porter's_beer": 13791, + "portfolio": 9421, + "porthole": 9422, + "portia_tree, bendy_tree, seaside_mahoe, Thespesia_populnea": 18910, + "portico": 9423, + "portiere": 9424, + "portmanteau, Gladstone, Gladstone_bag": 9425, + "portrait_camera": 9426, + "portrait_lens": 9427, + "portraitist, portrait_painter, portrayer, limner": 16482, + "portulaca": 17978, + "poseuse": 16483, + "positive_pole": 9429, + "positive_pole, positive_magnetic_pole, north-seeking_pole": 9428, + "positivist, rationalist": 16484, + "positron_emission_tomography_scanner, PET_scanner": 9430, + "post": 9431, + "post_and_lintel": 9433, + "post_chaise": 9434, + "post_exchange, PX": 9436, + "post_horn": 9438, + "post_horse, post-horse, poster": 3270, + "post_oak, box_white_oak, brash_oak, iron_oak, Quercus_stellata": 19145, + "postage_meter": 9432, + "postdoc, post_doc": 16485, + "poster_girl": 16486, + "postern": 9435, + "posthole_digger, post-hole_digger": 9437, + "posthouse, post_house": 9439, + "postulant": 16492, + "postulator": 16487, + "pot": 9440, + "pot, flowerpot": 9441, + "pot-au-feu": 12441, + "potage, pottage": 12396, + "potato, white_potato, Irish_potato, murphy, spud, tater": 12807, + "potato_fern, Marattia_salicina": 21575, + "potato_fern, Solanopteris_bifrons": 21481, + "potato_fungus, Pellicularia_filamentosa, Rhizoctinia_solani": 21098, + "potato_moth, potato_tuber_moth, splitworm, Phthorimaea_operculella": 2930, + "potato_salad": 13268, + "potato_skin, potato_peel, potato_peelings": 12813, + "potato_tree, Brazilian_potato_tree, Solanum_wrightii, Solanum_macranthum": 20804, + "potato_tuberworm, Phthorimaea_operculella": 2931, + "potato_vine, Solanum_jasmoides": 20800, + "potato_vine, giant_potato_creeper, Solanum_wendlandii": 20803, + "potato_wart_fungus, Synchytrium_endobioticum": 21006, + "potbelly, potbelly_stove": 9442, + "potboy, potman": 16493, + "poteen": 13902, + "potential_divider, voltage_divider": 9444, + "potentiometer": 9446, + "potentiometer, pot": 9445, + "potherb": 12801, + "pothole, chuckhole": 14365, + "pothos": 17813, + "potion": 13761, + "potluck": 12323, + "potoroo": 1608, + "potpie": 13709, + "potpourri": 9447, + "potsherd": 9448, + "pottage": 12397, + "potter's_wheel": 9449, + "potter_bee": 2676, + "potter_wasp": 2687, + "pottery, clayware": 9450, + "pottle": 9451, + "potto, kinkajou, Perodicticus_potto": 3660, + "potty_seat, potty_chair": 9452, + "pouch": 9453, + "pouched_mole, marsupial_mole, Notoryctus_typhlops": 1625, + "pouched_mouse, marsupial_mouse, marsupial_rat": 1623, + "poulette": 13470, + "poultice, cataplasm, plaster": 9454, + "poultryman, poulterer": 16494, + "pound, dog_pound": 9455, + "pound_net": 9456, + "pousse-cafe": 13926, + "pouter_pigeon, pouter": 1403, + "powder": 9457, + "powder-post_termite, Cryptotermes_brevis": 2720, + "powder_and_shot": 9458, + "powder_horn, powder_flask": 9460, + "powder_keg": 9461, + "powdered_milk, dry_milk, dried_milk, milk_powder": 13509, + "powdered_mustard, dry_mustard": 9459, + "powdered_sugar": 12457, + "powdery_mildew": 20980, + "power_brake": 9462, + "power_breakfast": 14113, + "power_cord": 9463, + "power_drill": 9464, + "power_line, power_cable": 9465, + "power_loom": 9466, + "power_mower, motor_mower": 9467, + "power_pack": 9468, + "power_saw, saw, sawing_machine": 9469, + "power_shovel, excavator, digger, shovel": 9470, + "power_steering, power-assisted_steering": 9471, + "power_takeoff, PTO": 9472, + "power_tool": 9473, + "power_user": 16495, + "power_worker, power-station_worker": 16496, + "practitioner, practician": 16497, + "praetorium, pretorium": 9474, + "prairie_aster, Aster_turbinellis": 18178, + "prairie_bird's-foot_trefoil, compass_plant, prairie_lotus, prairie_trefoil, Lotus_americanus": 19832, + "prairie_chicken, prairie_grouse, prairie_fowl": 1357, + "prairie_coneflower, Ratibida_tagetes": 18401, + "prairie_cordgrass, freshwater_cordgrass, slough_grass, Spartina_pectinmata": 18777, + "prairie_dog, prairie_marmot": 3150, + "prairie_gentian, tulip_gentian, bluebell, Eustoma_grandiflorum": 19190, + "prairie_gourd": 18844, + "prairie_gourd, prairie_gourd_vine, Missouri_gourd, wild_pumpkin, buffalo_gourd, calabazilla, Cucurbita_foetidissima": 18843, + "prairie_mallow, red_false_mallow, Sphaeralcea_coccinea, Malvastrum_coccineum": 18908, + "prairie_mimosa, prickle-weed, Desmanthus_ilinoensis": 19788, + "prairie_orchid, prairie_white-fringed_orchis, Habenaria_leucophaea": 18566, + "prairie_rattlesnake, prairie_rattler, Western_rattlesnake, Crotalus_viridis": 1244, + "prairie_rocket": 18052, + "prairie_smoke, purple_avens, Geum_triflorum": 20050, + "prairie_star, Lithophragma_parviflorum": 20539, + "prairie_sunflower, Helianthus_petiolaris": 18331, + "prairie_vole, Microtus_ochrogaster": 3087, + "prairie_wake-robin, prairie_trillium, Trillium_recurvatum": 19661, + "prairie_white-fringed_orchid, Platanthera_leucophea": 18599, + "prairie_willow, Salix_humilis": 20342, + "praline": 12530, + "prancer": 3217, + "pratincole, glareole": 2022, + "prawn": 1867, + "praya": 1689, + "prayer, supplicant": 16498, + "prayer_rug, prayer_mat": 9475, + "prayer_shawl, tallith, tallis": 9476, + "praying_mantis, praying_mantid, Mantis_religioso": 2748, + "preceptor, don": 16499, + "precipice": 14366, + "precipitator, electrostatic_precipitator, Cottrell_precipitator": 9477, + "predator, predatory_animal": 2512, + "predecessor": 16500, + "preemptor, pre-emptor": 16502, + "prefab": 9478, + "premature_baby, preterm_baby, premature_infant, preterm_infant, preemie, premie": 16503, + "prepuce, foreskin": 12147, + "presbyter": 16504, + "presbytery": 9479, + "presence_chamber": 9480, + "presenter, sponsor": 16505, + "presentist": 16506, + "preserver": 16507, + "president": 16508, + "president, prexy": 16510, + "press": 9483, + "press, mechanical_press": 9481, + "press, printing_press": 9482, + "press, public_press": 12169, + "press_agent, publicity_man, public_relations_man, PR_man": 16511, + "press_box": 9484, + "press_gallery": 9485, + "press_of_sail, press_of_canvas": 9486, + "press_photographer": 16512, + "pressure_cabin": 9487, + "pressure_cooker": 9488, + "pressure_dome": 9489, + "pressure_gauge, pressure_gage": 9490, + "pressure_suit": 9492, + "pressurized_water_reactor, PWR": 9491, + "pretzel": 12768, + "prey, quarry": 2513, + "pricket": 9493, + "prickle_cell": 12078, + "prickly-edged_leaf": 21456, + "prickly_ash": 20305, + "prickly_ash, Orites_excelsa": 18975, + "prickly_lettuce, horse_thistle, Lactuca_serriola, Lactuca_scariola": 18353, + "prickly_pear": 13183, + "prickly_pear, prickly_pear_cactus": 17964, + "prickly_poppy, Papaver_argemone": 18088, + "prickly_poppy, argemone, white_thistle, devil's_fig": 18093, + "prie-dieu": 9494, + "priest": 16513, + "prima_ballerina": 16514, + "prima_donna": 16516, + "prima_donna, diva": 16515, + "primary_coil, primary_winding, primary": 9495, + "primary_color_for_light, primary_colour_for_light": 12004, + "primary_color_for_pigments, primary_colour_for_pigments": 12003, + "primate": 3567, + "prime_meridian": 14167, + "primigravida, gravida_I": 16517, + "primordial_dwarf, hypoplastic_dwarf, true_dwarf, normal_dwarf": 16518, + "primrose, primula": 18631, + "primrose_jasmine, Jasminum_mesnyi": 19237, + "prince's-feather, gentleman's-cane, prince's-plume, red_amaranth, purple_amaranth, Amaranthus_cruentus, Amaranthus_hybridus_hypochondriacus, Amaranthus_hybridus_erythrostachys": 17896, + "prince's-feather, princess_feather, kiss-me-over-the-garden-gate, prince's-plume, Polygonum_orientale": 19984, + "prince_charming": 16519, + "prince_consort": 16520, + "princeling": 16521, + "princess": 16523, + "princess_royal": 16524, + "princewood, Spanish_elm, Cordia_gerascanthus": 20582, + "principal, dealer": 16525, + "principal, school_principal, head_teacher, head": 16526, + "print": 9498, + "print_buffer": 9499, + "print_media": 12170, + "print_seller": 16527, + "printed_circuit": 9500, + "printer": 9502, + "printer, printing_machine": 9501, + "printer_cable": 9503, + "prior": 16528, + "priory": 9504, + "prison, prison_house": 9505, + "prison_camp, internment_camp, prisoner_of_war_camp, POW_camp": 9506, + "prison_chaplain": 15154, + "prison_guard, jailer, jailor, gaoler, screw, turnkey": 15736, + "private, buck_private, common_soldier": 16529, + "private_citizen": 16488, + "private_line": 9508, + "privateer": 9507, + "privet": 19240, + "privet_hedge": 9509, + "prize_winner, lottery_winner": 14494, + "pro-lifer": 16490, + "probationer, student_nurse": 16530, + "probe": 9510, + "problem_solver, solver, convergent_thinker": 16489, + "proboscidean, proboscidian": 3670, + "proboscis_monkey, Nasalis_larvatus": 3636, + "procellariiform_seabird": 2086, + "process-server": 16532, + "process_cheese, processed_cheese": 13545, + "processor": 16531, + "proconsul": 16534, + "proctologist": 16535, + "proctor, monitor": 16536, + "proctoscope": 9511, + "procurator": 16537, + "procurer, securer": 16538, + "procyonid": 3682, + "prod, goad": 9512, + "production_line, assembly_line, line": 9513, + "professional_baseball": 135, + "professional_basketball": 162, + "professional_boxing": 51, + "professional_football": 128, + "professional_golf": 115, + "professional_tennis": 166, + "professional_wrestling": 63, + "profit_taker": 16539, + "programmer, computer_programmer, coder, software_engineer": 16540, + "projectile, missile": 9514, + "projector": 9516, + "prokaryote, procaryote": 333, + "prolonge": 9517, + "prolonge_knot, sailor's_breastplate": 9518, + "promiser, promisor": 16541, + "promontory, headland, head, foreland": 14367, + "promoter, booster, plugger": 16542, + "prompter, autocue": 9519, + "promulgator": 16543, + "promycelium": 21041, + "prong": 9520, + "pronghorn, prongbuck, pronghorn_antelope, American_antelope, Antilocapra_americana": 3461, + "proof_spirit": 13766, + "prop_root": 21345, + "propagandist": 16544, + "propagator, disseminator": 16545, + "propeller, propellor": 9521, + "propeller_plane": 9522, + "property_man, propman, property_master": 16546, + "prophet": 16548, + "prophetess": 16547, + "prophyll": 21346, + "propjet, turboprop, turbo-propeller_plane": 9523, + "proportional_counter_tube, proportional_counter": 9524, + "proprioceptor": 12141, + "propulsion_system": 9525, + "proscenium, proscenium_wall": 9526, + "proscenium_arch": 9527, + "prosecutor, public_prosecutor, prosecuting_officer, prosecuting_attorney": 16549, + "prosimian": 3654, + "prospector": 16550, + "prosthesis, prosthetic_device": 9528, + "prosthetist": 16491, + "protea": 18954, + "protectionist": 16551, + "protective_covering, protective_cover, protection": 9529, + "protective_garment": 9530, + "protegee": 16552, + "protoceratops": 1105, + "protoctist": 302, + "proton_accelerator": 9531, + "protoplasmic_astrocyte": 12139, + "prototherian": 1585, + "protozoan, protozoon": 303, + "protozoologist": 16553, + "protractor": 9532, + "provost_marshal": 16554, + "prune": 13080, + "prune_whip": 12555, + "pruner, pruning_hook, lopper": 9533, + "pruner, trimmer": 16555, + "pruning_knife": 9534, + "pruning_saw": 9535, + "pruning_shears": 9536, + "psalmist": 16556, + "psaltery": 9537, + "psephologist": 16557, + "psittacosaur, psittacosaurus": 1108, + "psocid": 2823, + "psocopterous_insect": 2822, + "psychiatrist, head-shrinker, shrink": 16558, + "psychic": 16559, + "psychodid": 2651, + "psycholinguist": 16560, + "psychophysicist": 16561, + "psychrometer": 9538, + "ptarmigan": 1349, + "pteridophyte, nonflowering_plant": 17316, + "pterodactyl": 1134, + "pterosaur, flying_reptile": 1133, + "ptyalith": 14368, + "public_address_system, P.A._system, PA_system, P.A., PA": 9540, + "public_house, pub, saloon, pothouse, gin_mill, taphouse": 9541, + "public_toilet, comfort_station, public_convenience, convenience, public_lavatory, restroom, toilet_facility, wash_room": 9542, + "public_transport": 9543, + "public_works": 9544, + "publican, tavern_keeper": 16562, + "puccoon, Lithospermum_caroliniense": 20589, + "puce": 12059, + "puck, hockey_puck": 9545, + "pudding": 12586, + "pudding, pud": 12557, + "puddingwife, pudding-wife, Halicoeres_radiatus": 3981, + "pudge": 16563, + "puerpera": 16564, + "puff_adder, Bitis_arietans": 1234, + "puff_batter, pouf_paste, pate_a_choux": 12624, + "puff_paste, pate_feuillete": 12622, + "puffball, true_puffball": 21179, + "puffbird": 1500, + "puffer, pufferfish, blowfish, globefish": 4102, + "puffin": 2053, + "pug, pug-dog": 2336, + "puka, Griselinia_lucida": 20944, + "puka, Meryta_sinclairii": 17833, + "puku, Adenota_vardoni": 3457, + "pulasan, pulassan": 13189, + "pulasan, pulassan, pulasan_tree, Nephelium_mutabile": 20393, + "pull": 9546, + "pull-off, rest_area, rest_stop, layby, lay-by": 9550, + "pull-through": 9553, + "pull_chain": 9548, + "pullback, tieback": 9547, + "pullet": 1335, + "pulley, pulley-block, pulley_block, block": 9549, + "pullover, slipover": 9552, + "pulp, pulp_magazine": 12231, + "pulque": 13892, + "pulsar": 14369, + "pulse": 12800, + "pulse_counter": 9554, + "pulse_generator": 9555, + "pulse_timing_circuit": 9556, + "pump": 9558, + "pump-type_pliers": 9562, + "pump_action, slide_action": 9559, + "pump_house, pumping_station": 9560, + "pump_room": 9561, + "pump_well": 9563, + "pumpkin": 12977, + "pumpkin, pumpkin_vine, autumn_pumpkin, Cucurbita_pepo": 18826, + "pumpkin_ash, Fraxinus_tomentosa": 19234, + "pumpkin_seed": 13194, + "pumpkinseed, Lepomis_gibbosus": 3837, + "punch": 14050, + "punch, puncher": 9564, + "punch_bowl": 9566, + "punch_pliers": 9568, + "punch_press": 9569, + "punchboard": 9565, + "punching_bag": 16565, + "punching_bag, punch_bag, punching_ball, punchball": 9567, + "punctum": 12103, + "pungapung, telingo_potato, elephant_yam, Amorphophallus_paeonifolius, Amorphophallus_campanulatus": 17790, + "punkie, punky, punkey, no-see-um, biting_midge": 2648, + "punnet": 9570, + "punt": 9571, + "punter": 16567, + "pup, whelp": 216, + "pup_tent, shelter_tent": 9572, + "pupa": 2999, + "puppeteer": 16568, + "puppy": 218, + "puppy, pup": 16569, + "purchasing_agent": 16570, + "purdah": 9573, + "puree": 12647, + "purifier": 9574, + "puritan": 16571, + "purl, purl_stitch": 9575, + "purloo, chicken_purloo, poilu": 12419, + "purple, purpleness": 12042, + "purple-fringed_orchid, purple-fringed_orchis, Habenaria_fimbriata": 18562, + "purple-fringed_orchid, purple-fringed_orchis, Habenaria_psycodes": 18570, + "purple-stemmed_aster": 18190, + "purple_anise, Illicium_floridanum": 17608, + "purple_apricot, black_apricot, Prunus_dasycarpa": 20083, + "purple_clematis, purple_virgin's_bower, mountain_clematis, Clematis_verticillaris": 17676, + "purple_cress, Cardamine_douglasii": 18044, + "purple_emperor, Apatura_iris": 2879, + "purple_finch, Carpodacus_purpureus": 557, + "purple_fringeless_orchid, purple_fringeless_orchis, Habenaria_peramoena": 18569, + "purple_gallinule": 1946, + "purple_grackle, Quiscalus_quiscula": 703, + "purple_heather, Brewer's_mountain_heather, Phyllodoce_breweri": 19029, + "purple_locoweed, purple_loco, Oxytropis_lambertii": 19857, + "purple_loosestrife, spiked_loosestrife, Lythrum_salicaria": 19290, + "purple_martin, Progne_subis": 782, + "purple_milk_vetch, Astragalus_danicus": 19743, + "purple_mullein, Verbascum_phoeniceum": 20785, + "purple_onion, red_onion": 12888, + "purple_poppy_mallow, Callirhoe_involucrata": 18876, + "purple_rock_brake, Pellaea_atropurpurea": 21566, + "purple_sage, chaparral_sage, Salvia_leucophylla": 20713, + "purple_sanicle, Sanicula_bipinnatifida": 20931, + "purple_saxifrage, Saxifraga_oppositifolia": 20523, + "purple_silkweed, Asclepias_purpurascens": 21617, + "purple_willow, red_willow, red_osier, basket_willow, purple_osier, Salix_purpurea": 20349, + "purplish_blue, royal_blue": 12041, + "purse": 9576, + "purslane_speedwell, Veronica_peregrina": 20795, + "pursuer": 16573, + "pus-forming_bacteria": 286, + "push-bike": 9577, + "push-button_radio": 9580, + "push_broom": 9578, + "push_button, push, button": 9579, + "pushball": 150, + "pusher, drug_peddler, peddler, drug_dealer, drug_trafficker": 16575, + "pusher, shover": 16574, + "pusher, thruster": 16576, + "pusher, zori": 9581, + "pussy_willow, Salix_discolor": 20335, + "put-put": 9582, + "puttee": 9583, + "putter, putting_iron": 9584, + "putty_knife": 9585, + "puttyroot, adam-and-eve, Aplectrum_hyemale": 18504, + "putz": 16577, + "puzzle": 9586, + "pygmy_chimpanzee, bonobo, Pan_paniscus": 3610, + "pygmy_cypress, Cupressus_pigmaea, Cupressus_goveniana_pigmaea": 17438, + "pygmy_marmoset, Cebuella_pygmaea": 3640, + "pygmy_mouse, Baiomys_taylori": 3072, + "pygmy_sperm_whale, Kogia_breviceps": 2115, + "pylon": 9588, + "pylon, power_pylon": 9587, + "pyralid, pyralid_moth": 2914, + "pyramid_bugle, Ajuga_pyramidalis": 20644, + "pyramidal_tent": 9589, + "pyrethrum, Dalmatian_pyrethrum, Dalmatia_pyrethrum, Tanacetum_cinerariifolium, Chrysanthemum_cinerariifolium": 18449, + "pyrograph": 9590, + "pyromaniac": 16046, + "pyrometer": 9591, + "pyrometric_cone": 9592, + "pyrostat": 9593, + "pyrrhuloxia, Pyrrhuloxia_sinuata": 591, + "pythium": 21014, + "python": 1201, + "pyx, pix": 9594, + "pyx, pix, pyx_chest, pix_chest": 9595, + "pyxidium, pyxis": 21391, + "pyxie, pixie, pixy, Pyxidanthera_barbulata": 19055, + "pyxis": 9596, + "qadi": 16579, + "quack-quack": 1513, + "quad, quadrangle": 9597, + "quadrangular_prism": 21701, + "quadrant": 9598, + "quadraphony, quadraphonic_system, quadriphonic_system": 9599, + "quadrate": 21679, + "quadriplegic": 16580, + "quadruped": 2519, + "quadruplet, quad": 16581, + "quagga, Equus_quagga": 3300, + "quahog, quahaug, hard-shell_clam, hard_clam, round_clam, Venus_mercenaria, Mercenaria_mercenaria": 1792, + "quail": 1388, + "quail_bush, quail_brush, white_thistle, Atriplex_lentiformis": 17917, + "quaker, trembler": 16582, + "quaking_aspen, European_quaking_aspen, Populus_tremula": 20367, + "quandong, blue_fig": 18919, + "quandong, quandang, quandong_tree, Eucarya_acuminata, Fusanus_acuminatus": 20371, + "quandong, quandang, quantong, native_peach": 13185, + "quandong, quandong_tree, Brisbane_quandong, silver_quandong_tree, blue_fig, Elaeocarpus_grandis": 18918, + "quandong_nut": 13186, + "quark_cheese, quark": 13569, + "quarter": 16583, + "quarter_horse": 3220, + "quarterback, signal_caller, field_general": 16584, + "quartering": 9600, + "quartermaster": 16585, + "quartermaster_general": 16586, + "quarterstaff": 9601, + "quartz_battery, quartz_mill": 9602, + "quartz_lamp": 9603, + "quassia, bitterwood, Quassia_amara": 20316, + "queen": 16591, + "queen, queen_mole_rat": 3185, + "queen, queen_regnant, female_monarch": 16588, + "queen_bee": 2660, + "queen_consort": 16592, + "queen_mother": 16593, + "queen_post": 9606, + "queen_triggerfish, Bessy_cerca, oldwench, oldwife, Balistes_vetula": 4097, + "quern": 9607, + "quesadilla": 13751, + "question_master, quizmaster": 16595, + "quetzal, quetzal_bird": 1506, + "quick_bread": 12693, + "quick_study, sponge": 16596, + "quicksand": 14370, + "quickset": 21348, + "quietist": 16597, + "quill, quill_pen": 9608, + "quillwort": 21597, + "quilt, comforter, comfort, puff": 9609, + "quilted_bedspread": 9610, + "quilting": 9611, + "quince": 13187, + "quince, quince_bush, Cydonia_oblonga": 20042, + "quipu": 9612, + "quira": 19878, + "quirk_molding, quirk_moulding": 9613, + "quirt": 9614, + "quitter": 16598, + "quiver": 9615, + "quoin, coign, coigne": 9616, + "quoit": 9617, + "quoits, horseshoes": 121, + "rabbet, rebate": 9619, + "rabbet_joint": 9620, + "rabbi": 16599, + "rabbit, coney, cony": 3024, + "rabbit-eared_bandicoot, rabbit_bandicoot, bilby, Macrotis_lagotis": 1596, + "rabbit_brush, rabbit_bush, Chrysothamnus_nauseosus": 18246, + "rabbit_burrow, rabbit_hole": 14371, + "rabbit_ears": 9621, + "rabbit_hutch": 9622, + "rabbiteye_blueberry, rabbit-eye_blueberry, rabbiteye, Vaccinium_ashei": 19042, + "rabbitfish, Chimaera_monstrosa": 450, + "rabbitweed, rabbit-weed, snakeweed, broom_snakeweed, broom_snakeroot, turpentine_weed, Gutierrezia_sarothrae": 18315, + "rabbitwood, buffalo_nut, Pyrularia_pubera": 20372, + "raccoon, racoon": 3683, + "raccoon_dog, Nyctereutes_procyonides": 2367, + "raceabout": 9623, + "racehorse, race_horse, bangtail": 3247, + "raceme": 21362, + "racer": 3250, + "racer, race_car, racing_car": 9624, + "racerunner, race_runner, six-lined_racerunner, Cnemidophorus_sexlineatus": 1056, + "raceway, race": 9625, + "rachis": 21352, + "racing": 72, + "racing_boat": 9626, + "racing_gig": 9627, + "racing_skiff, single_shell": 9628, + "racist, racialist": 16600, + "rack": 9630, + "rack, stand": 9629, + "rack, wheel": 9631, + "rack_and_pinion": 9632, + "racket, racquet": 9633, + "racquetball": 9634, + "radar, microwave_radar, radio_detection_and_ranging, radiolocation": 9635, + "radial, radial_tire, radial-ply_tire": 9636, + "radial_engine, rotary_engine": 9637, + "radiation_pyrometer": 9638, + "radiator": 14372, + "radiator_cap": 9641, + "radiator_hose": 9642, + "radicchio": 12945, + "radio, radiocommunication, wireless": 12207, + "radio, wireless": 9643, + "radio-phonograph, radio-gramophone": 9652, + "radio_antenna, radio_aerial": 9644, + "radio_chassis": 9645, + "radio_compass": 9646, + "radio_interferometer": 9648, + "radio_link, link": 9649, + "radio_receiver, receiving_set, radio_set, radio, tuner, wireless": 9653, + "radio_telescope, radio_reflector": 9656, + "radio_transmitter": 9658, + "radiobiologist": 16601, + "radiogram, radiograph, shadowgraph, skiagraph, skiagram": 9647, + "radiologic_technologist": 16602, + "radiologist, radiotherapist": 16603, + "radiometer": 9650, + "radiomicrometer": 9651, + "radiotelegraph, radiotelegraphy, wireless_telegraph, wireless_telegraphy": 9654, + "radiotelegraph, radiotelegraphy, wireless_telegraphy": 12202, + "radiotelephone, radiophone, wireless_telephone": 9655, + "radiotelephone, radiotelephony, wireless_telephone": 12203, + "radiotherapy_equipment": 9657, + "radish": 12978, + "radish, Raphanus_sativus": 18072, + "radish, daikon, Japanese_radish, Raphanus_sativus_longipinnatus": 18073, + "radish_plant, radish": 18070, + "radome, radar_dome": 9659, + "raffia_palm, Raffia_farinifera, Raffia_ruffia": 19966, + "raft": 9660, + "raft_foundation": 9662, + "rafter, balk, baulk": 9661, + "rag, shred, tag, tag_end, tatter": 9663, + "ragbag": 9664, + "ragged_orchid, ragged_orchis, ragged-fringed_orchid, green_fringed_orchis, Habenaria_lacera": 18565, + "ragged_robin, cuckoo_flower, Lychnis_flos-cuculi, Lychins_floscuculi": 17869, + "raglan": 9665, + "raglan_sleeve": 9666, + "ragout": 12438, + "ragweed, ambrosia, bitterweed": 18123, + "ragweed_pollen": 21768, + "ragwort, tansy_ragwort, ragweed, benweed, Senecio_jacobaea": 18414, + "rail": 9667, + "rail_fence": 9668, + "railhead": 9669, + "railing": 9671, + "railing, rail": 9670, + "railroad_bed": 9672, + "railroad_tunnel": 9673, + "rain_barrel": 9674, + "rain_gauge, rain_gage, pluviometer, udometer": 9676, + "rain_stick": 9677, + "rain_tree, saman, monkeypod, monkey_pod, zaman, zamang, Albizia_saman": 17742, + "rainbow": 14373, + "rainbow_cactus": 17952, + "rainbow_lorikeet, Trichoglossus_moluccanus": 1439, + "rainbow_runner, Elagatis_bipinnulata": 3877, + "rainbow_seaperch, rainbow_perch, Hipsurus_caryi": 3861, + "rainbow_shower, Cassia_javonica": 19712, + "rainbow_trout, Salmo_gairdneri": 3772, + "raincoat, waterproof": 9675, + "rainmaker": 16604, + "raiser": 16605, + "raisin": 13081, + "raisin_bread": 12692, + "raisin_moth, Cadra_figulilella": 2920, + "raita": 13533, + "raja, rajah": 16606, + "rake": 9678, + "rake, rakehell, profligate, rip, blood, roue": 16607, + "rake_handle": 9679, + "ram's-head, ram's-head_lady's_slipper, Cypripedium_arietinum": 18534, + "ram, tup": 3381, + "rambutan, rambotan": 13188, + "rambutan, rambotan, rambutan_tree, Nephelium_lappaceum": 20392, + "ramekin, ramequin": 14096, + "ramie, ramee, Chinese_silk_plant, China_grass, Boehmeria_nivea": 19461, + "ramjet, ramjet_engine, atherodyde, athodyd, flying_drainpipe": 9682, + "rammer": 9683, + "ramp, incline": 9684, + "rampant_arch": 9685, + "rampart, bulwark, wall": 9686, + "rampion, rampion_bellflower, Campanula_rapunculus": 18494, + "ramrod": 16608, + "ranch, spread, cattle_ranch, cattle_farm": 9689, + "ranch_hand": 16609, + "ranch_house": 9690, + "random-access_memory, random_access_memory, random_memory, RAM, read/write_memory": 9691, + "range, mountain_range, range_of_mountains, chain, mountain_chain, chain_of_mountains": 14374, + "range_animal": 187, + "range_hood": 9693, + "range_pole, ranging_pole, flagpole": 9694, + "rangefinder, range_finder": 9692, + "rangeland": 14375, + "rangpur, rangpur_lime, lemanderin, Citrus_limonia": 20294, + "ranker": 16610, + "ranter, raver": 16611, + "rape, colza, Brassica_napus": 18036, + "rape_suspect": 16612, + "rapeseed": 18037, + "rapier, tuck": 9695, + "rapper": 16613, + "rapporteur": 16614, + "rare_bird, rara_avis": 16615, + "rariora": 9696, + "rasp, wood_file": 9697, + "raspberry": 13036, + "raspberry, raspberry_bush": 20140, + "rat": 3048, + "rat-tail_file": 9702, + "rat_cheese, store_cheese": 13556, + "rat_kangaroo, kangaroo_rat": 1607, + "rat_snake": 1159, + "rat_terrier, ratter": 2231, + "ratafia, ratafee": 13928, + "ratatouille": 12439, + "ratchet, rachet, ratch": 9698, + "ratchet_wheel": 9699, + "ratel, honey_badger, Mellivora_capensis": 3529, + "ratepayer": 16616, + "rathskeller": 9700, + "ration": 12287, + "ratite, ratite_bird, flightless_bird": 523, + "ratline, ratlin": 9701, + "rattail_cactus, rat's-tail_cactus, Aporocactus_flagelliformis": 17945, + "rattan, ratan": 9703, + "rattan, rattan_cane": 18763, + "rattan, rattan_palm, Calamus_rotang": 19940, + "rattlesnake, rattler": 1240, + "rattlesnake_fern, Botrychium_virginianum": 20978, + "rattlesnake_master, rattlesnake's_master, button_snakeroot, Eryngium_yuccifolium": 20915, + "rattlesnake_orchid": 18596, + "rattlesnake_plantain, helleborine": 18553, + "rattlesnake_root": 18377, + "rattlesnake_root, Prenanthes_purpurea": 18395, + "rattlesnake_weed, Hieracium_venosum": 18339, + "rattrap": 9704, + "rauli_beech, Nothofagus_procera": 19099, + "rauwolfia, rauvolfia": 17777, + "raven, Corvus_corax": 719, + "ravigote, ravigotte": 13416, + "ravine": 14376, + "raw_milk": 13505, + "raw_recruit": 16617, + "raw_vegetable, rabbit_food": 12796, + "ray": 491, + "rayon": 9705, + "razor": 9706, + "razor_clam, jackknife_clam, knife-handle": 1796, + "razorback, razorback_hog, razorbacked_hog": 3317, + "razorbill, razor-billed_auk, Alca_torda": 2045, + "razorblade": 9707, + "reaction-propulsion_engine, reaction_engine": 9708, + "reaction_turbine": 9709, + "reactor": 9710, + "read-only_memory, ROM, read-only_storage, fixed_storage": 9713, + "read-only_memory_chip": 9714, + "read/write_head, head": 9716, + "reader": 16618, + "reading_lamp": 9711, + "reading_room": 9712, + "reading_teacher": 16619, + "readout, read-out": 9715, + "ready-mix": 12445, + "ready-to-wear": 9717, + "real_estate_broker, real_estate_agent, estate_agent, land_agent, house_agent": 16621, + "real_storage": 9718, + "realist": 16620, + "reamer": 9719, + "reamer, juicer, juice_reamer": 9720, + "rear_admiral": 16622, + "rearview_mirror": 9721, + "rebozo": 9723, + "receiver": 16623, + "receiver, receiving_system": 9724, + "receptacle": 21355, + "reception": 12211, + "reception_desk": 9726, + "reception_room": 9727, + "recess, niche": 9728, + "recipient, receiver": 14495, + "reciprocating_engine": 9729, + "reciter": 16624, + "reckoner, ready_reckoner": 12221, + "recliner, reclining_chair, lounger": 9730, + "reconnaissance_plane": 9731, + "reconnaissance_vehicle, scout_car": 9732, + "record_changer, auto-changer, changer": 9733, + "record_player, phonograph": 9737, + "record_sleeve, record_cover": 9738, + "recorder, recording_equipment, recording_machine": 9734, + "recording": 9735, + "recording_system": 9736, + "recovery_room": 9739, + "recreation_room, rec_room": 9741, + "recreational_vehicle, RV, R.V.": 9740, + "recruit, enlistee": 16625, + "recruit, military_recruit": 16626, + "recruiter": 16627, + "recruiting-sergeant": 16628, + "recycling_bin": 9742, + "recycling_plant": 9743, + "red-backed_mouse, redback_vole": 3089, + "red-backed_sandpiper, dunlin, Erolia_alpina": 1977, + "red-bellied_snake, Storeria_occipitamaculata": 1183, + "red-bellied_terrapin, red-bellied_turtle, redbelly, Pseudemys_rubriventris": 1007, + "red-breasted_merganser, Mergus_serrator": 1552, + "red-breasted_nuthatch, Sitta_canadensis": 762, + "red-breasted_sapsucker, Sphyrapicus_varius_ruber": 1496, + "red-breasted_snipe, Limnodromus_scolopaceus": 2003, + "red-eyed_vireo, Vireo_olivaceous": 805, + "red-flowered_silky_oak, Grevillea_banksii": 18963, + "red-hot_poker, Kniphofia_praecox": 19584, + "red-legged_partridge, Alectoris_ruffa": 1393, + "red-necked_grebe, Podiceps_grisegena": 2062, + "red-shafted_flicker, Colaptes_caper_collaris": 1491, + "red-shouldered_hawk, Buteo_lineatus": 823, + "red-skinned_onion, Allium_haematochiton": 19570, + "red-spotted_purple, Limenitis_astyanax": 2871, + "red-winged_blackbird, redwing, Agelaius_phoeniceus": 706, + "red_admiral, Vanessa_atalanta": 2868, + "red_alder, Oregon_alder, Alnus_rubra": 19170, + "red_angel's_trumpet, Brugmansia_sanguinea, Datura_sanguinea": 20810, + "red_ash, downy_ash, Fraxinus_pennsylvanica": 19230, + "red_baneberry, redberry, red-berry, snakeberry, Actaea_rubra": 17648, + "red_bat, Lasiurus_borealis": 2493, + "red_beech, brown_oak, booyong, crow's_foot, stave_wood, silky_elm, Heritiera_trifoliolata, Terrietia_trifoliolata": 18937, + "red_buckeye": 20466, + "red_cabbage": 12833, + "red_campion, red_bird's_eye, Silene_dioica, Lychnis_dioica": 17879, + "red_carpet": 9745, + "red_clover, purple_clover, Trifolium_pratense": 17723, + "red_coral": 1699, + "red_currant": 13031, + "red_deer, elk, American_elk, wapiti, Cervus_elaphus": 3467, + "red_drum, channel_bass, redfish, Sciaenops_ocellatus": 3936, + "red_eft, Notophthalmus_viridescens": 901, + "red_fox, Vulpes_fulva": 2380, + "red_fox, Vulpes_vulpes": 2377, + "red_goatfish, Mullus_auratus": 3954, + "red_goosefoot, French_spinach, Chenopodium_rubrum": 17911, + "red_grouse, moorfowl, moorbird, moor-bird, moorgame, Lagopus_scoticus": 1350, + "red_gum, marri, Eucalyptus_calophylla": 19317, + "red_gum, peppermint, peppermint_gum, Eucalyptus_amygdalina": 19316, + "red_haw, Crataegus_pedicellata, Crataegus_coccinea": 20041, + "red_haw, downy_haw, Crataegus_mollis, Crataegus_coccinea_mollis": 20040, + "red_helleborine, Cephalanthera_rubra": 18518, + "red_jungle_fowl, Gallus_gallus": 1323, + "red_kauri, Agathis_lanceolata": 17474, + "red_lauan, red_lauan_tree, Shorea_teysmanniana": 19424, + "red_maids, redmaids, Calandrinia_ciliata": 17982, + "red_maple, scarlet_maple, swamp_maple, Acer_rubrum": 20408, + "red_morning-glory, star_ipomoea, Ipomoea_coccinea": 20606, + "red_mulberry, Morus_rubra": 19475, + "red_oak": 19115, + "red_osier, red_osier_dogwood, red_dogwood, American_dogwood, redbrush, Cornus_stolonifera": 20938, + "red_phalarope, Phalaropus_fulicarius": 2019, + "red_pine, Canadian_red_pine, Pinus_resinosa": 17384, + "red_poll": 3347, + "red_porgy, Pagrus_pagrus": 3922, + "red_rockfish, Sebastodes_ruberrimus": 4078, + "red_sandalwood, red_sanders, red_sanderswood, red_saunders, Pterocarpus_santalinus": 19886, + "red_shrubby_penstemon, redwood_penstemon": 20771, + "red_silk-cotton_tree, simal, Bombax_ceiba, Bombax_malabarica": 18911, + "red_siskin, Carduelis_cucullata": 551, + "red_snapper, Lutjanus_blackfordi": 3905, + "red_spider, red_spider_mite, Panonychus_ulmi": 1299, + "red_spruce, eastern_spruce, yellow_spruce, Picea_rubens": 17425, + "red_squirrel, cat_squirrel, Sciurus_vulgaris": 3140, + "red_underwing, Catocala_nupta": 2935, + "red_valerian, French_honeysuckle, Centranthus_ruber": 20949, + "red_wine": 13804, + "red_wolf, maned_wolf, Canis_rufus, Canis_niger": 2359, + "redberry, red-berry, Rhamnus_croceus": 21402, + "redbone": 2206, + "redbrick_university": 9744, + "redbud, Cercis_canadensis": 19758, + "redcap": 16629, + "reddish_brown, sepia, burnt_sienna, Venetian_red, mahogany": 12055, + "reddish_orange": 12025, + "reddish_purple, royal_purple": 12046, + "redfin_pickerel, barred_pickerel, Esox_americanus": 3831, + "redfish": 3764, + "redhead, Aythya_americana": 1535, + "redhead, redheader, red-header, carrottop": 16630, + "redheaded_woodpecker, redhead, Melanerpes_erythrocephalus": 1493, + "redhorse, redhorse_sucker": 375, + "redneck, cracker": 16631, + "redoubt": 9747, + "redpoll, Carduelis_flammea": 552, + "redpoll, Carduelis_hornemanni": 553, + "redshank, Tringa_totanus": 1979, + "redstart, redtail": 653, + "redtail, red-tailed_hawk, Buteo_jamaicensis": 821, + "reducing_diet, obesity_diet": 12280, + "reduction_gear": 9748, + "redwing, Turdus_iliacus": 638, + "reed": 18765, + "reed_bunting, Emberiza_schoeniclus": 577, + "reed_canary_grass, gardener's_garters, lady's_laces, ribbon_grass, Phalaris_arundinacea": 18745, + "reed_grass": 18697, + "reed_meadow_grass, Glyceria_grandis": 18724, + "reed_pipe": 9749, + "reed_rhapis, slender_lady_palm, Rhapis_humilis": 19970, + "reed_stop": 9750, + "reef": 14377, + "reef_knot, flat_knot": 9751, + "reef_squirrelfish, Holocentrus_coruscus": 389, + "reel": 9753, + "reeler": 16632, + "reenactor": 16633, + "reentrant_polygon, reentering_polygon": 21654, + "reeve": 1989, + "refection": 12324, + "refectory": 9754, + "refectory_table": 9755, + "referee, ref": 16635, + "referral": 16634, + "refiner": 16636, + "refinery": 9756, + "reflecting_telescope, reflector": 9757, + "reflectometer": 9758, + "reflector": 9759, + "reflex_camera": 9760, + "reflux_condenser": 9761, + "reformatory, reform_school, training_school": 9762, + "reformer": 9763, + "refracting_telescope": 9764, + "refractometer": 9765, + "refresher": 13942, + "refreshment": 12325, + "refried_beans, frijoles_refritos": 13754, + "refrigeration_system": 9766, + "refrigerator, icebox": 9767, + "refrigerator_car": 9768, + "refuge, sanctuary, asylum": 9769, + "regalia": 9770, + "regimentals": 9771, + "registered_nurse, RN": 16638, + "registrar": 16639, + "regnellidium, Regnellidium_diphyllum": 20970, + "regular_polyhedron, regular_convex_solid, regular_convex_polyhedron, Platonic_body, Platonic_solid, ideal_solid": 21752, + "regulator": 9772, + "rein": 9773, + "rein_orchid, rein_orchis": 18558, + "reindeer_moss, reindeer_lichen, arctic_moss, Cladonia_rangiferina": 21037, + "relay, electrical_relay": 9774, + "release, button": 9775, + "reliever, allayer, comforter": 16641, + "religionist": 14496, + "religious_leader": 16643, + "religious_residence, cloister": 9776, + "reliquary": 9777, + "relish": 12364, + "remora, suckerfish, sucking_fish": 3869, + "remote_control, remote": 9778, + "remote_terminal, link-attached_terminal, remote_station, link-attached_station": 9779, + "remoulade_sauce": 13417, + "remount": 3211, + "removable_disk": 9780, + "remover": 16644, + "renal_cortex": 12146, + "render": 21813, + "rendering": 9781, + "renegade": 16646, + "reniform_leaf": 21446, + "rentier": 16647, + "reovirus": 257, + "rep": 15267, + "rep, repp": 9782, + "repair_shop, fix-it_shop": 9783, + "repairman, maintenance_man, service_man": 16648, + "repeater": 9784, + "repeating_firearm, repeater": 9785, + "reporter, newsman, newsperson": 16649, + "repository, monument": 9786, + "representative": 16651, + "reprobate, miscreant": 16652, + "reproducer": 9787, + "reptile, reptilian": 986, + "requiem_shark": 467, + "rerebrace, upper_cannon": 9788, + "rescue_equipment": 9789, + "rescuer, recoverer, saver": 16653, + "research_center, research_facility": 9790, + "reseau": 9791, + "reseda": 19441, + "reservist": 16654, + "reservoir": 9792, + "reset": 9793, + "reset_button": 9794, + "residence": 9795, + "residence, abode": 14142, + "resident_commissioner": 16655, + "resistance_pyrometer": 9796, + "resistor, resistance": 9797, + "resonator": 9798, + "resonator, cavity_resonator, resonating_chamber": 9799, + "resort, resort_hotel, holiday_resort": 14178, + "resort_area, playground, vacation_spot": 14179, + "resort_hotel, spa": 9800, + "respecter": 16656, + "respirator, inhalator": 9801, + "resplendent_quetzel, resplendent_trogon, Pharomacrus_mocino": 1507, + "rest_house": 9803, + "restaurant, eating_house, eating_place, eatery": 9802, + "restaurateur, restauranter": 16657, + "restharrow, rest-harrow, Ononis_repens": 19853, + "restrainer, controller": 16658, + "restraint, constraint": 9804, + "resurrection_plant, rose_of_Jericho, Selaginella_lepidophylla": 21595, + "resuscitator": 9805, + "retailer, retail_merchant": 16659, + "retainer": 9806, + "retaining_wall": 9807, + "reticle, reticule, graticule": 9808, + "reticulated_python, Python_reticulatus": 1203, + "reticulation": 9809, + "reticule": 9810, + "retiree, retired_person": 16660, + "retort": 9811, + "retractor": 9812, + "retriever": 2261, + "retsina": 13835, + "return_key, return": 9813, + "returning_officer": 16661, + "revenant": 16662, + "reverberatory_furnace": 9814, + "revers, revere": 9815, + "reverse, reverse_gear": 9816, + "reversible": 9817, + "revetment": 9819, + "revetment, revetement, stone_facing": 9818, + "revisionist": 16663, + "revolutionist, revolutionary, subversive, subverter": 16664, + "revolver, six-gun, six-shooter": 9820, + "revolving_door, revolver": 9821, + "rewa-rewa, New_Zealand_honeysuckle": 18967, + "rex_begonia, king_begonia, painted-leaf_begonia, beefsteak_geranium, Begonia_rex": 19385, + "rhea, Rhea_americana": 529, + "rhea, nandu, Pterocnemia_pennata": 530, + "rheometer": 9822, + "rheostat, variable_resistor": 9823, + "rhesus, rhesus_monkey, Macaca_mulatta": 3628, + "rheumatologist": 16665, + "rhinoceros, rhino": 3301, + "rhinoceros_beetle": 2565, + "rhinoscope": 9824, + "rhizoctinia": 21278, + "rhizomatous_begonia": 19380, + "rhizome, rootstock, rootstalk": 21351, + "rhizopus": 20999, + "rhododendron": 19031, + "rhombus, rhomb, diamond": 21695, + "rhubarb, rhubarb_plant": 19988, + "rhymer, rhymester, versifier, poetizer, poetiser": 16667, + "rib": 12073, + "rib_joint_pliers": 9830, + "riband, ribband": 9826, + "ribbed_vault": 9827, + "ribbing": 9828, + "ribbon_development": 9829, + "ribbon_fern, Ophioglossum_pendulum": 20974, + "ribbon_fern, spider_fern, Pteris_serrulata": 21574, + "ribbon_snake, Thamnophis_sauritus": 1173, + "ribbon_tree, ribbonwood, Plagianthus_regius, Plagianthus_betulinus": 18901, + "ribbon_worm, nemertean, nemertine, proboscis_worm": 1726, + "ribbonfish": 3794, + "ribier": 13129, + "rice": 13246, + "rice_rat, Oryzomys_palustris": 3083, + "rice_weevil, black_weevil, Sitophylus_oryzae": 2594, + "ricegrass, rice_grass": 18736, + "ricer": 9831, + "rich_person, wealthy_person, have": 16668, + "richweed, clearweed, dead_nettle, Pilea_pumilla": 19465, + "rickey": 14062, + "ricotta": 13570, + "riddle": 9832, + "ride": 9833, + "rider": 16669, + "ridge": 21728, + "ridge, ridgeline": 14379, + "ridge, ridgepole, rooftree": 9834, + "ridge_rope": 9835, + "ridge_tile": 21809, + "ridgeling, ridgling, ridgel, ridgil": 3204, + "riding, horseback_riding, equitation": 79, + "riding_boot": 9836, + "riding_crop, hunting_crop": 9837, + "riding_master": 16670, + "riding_mower": 9838, + "ridley": 995, + "rifle": 9839, + "rifle_ball": 9840, + "rifle_grenade": 9841, + "riflebird, Ptloris_paradisea": 690, + "rifleman": 16671, + "rifleman_bird, Acanthisitta_chloris": 756, + "rift_valley": 14380, + "rig": 9842, + "rigger": 9844, + "rigger, rigger_brush": 9843, + "rigging, tackle": 9845, + "right-hand_man, chief_assistant, man_Friday": 16673, + "right-handed_pitcher, right-hander": 16349, + "right-hander, right_hander, righthander": 16672, + "right_fielder": 16348, + "right_triangle, right-angled_triangle": 21684, + "right_whale": 2104, + "righteye_flounder, righteyed_flounder": 4111, + "rigout": 9846, + "rijsttaffel, rijstaffel, rijstafel": 13710, + "rim": 21729, + "rimu, imou_pine, red_pine, Dacrydium_cupressinum": 17493, + "ring": 12069, + "ring, halo, annulus, doughnut, anchor_ring": 21672, + "ring-necked_parakeet, Psittacula_krameri": 1443, + "ring-necked_pheasant, Phasianus_colchicus": 1373, + "ring_ouzel, ring_blackbird, ring_thrush, Turdus_torquatus": 640, + "ringdove, Streptopelia_risoria": 1410, + "ringer": 16674, + "ringhals, rinkhals, spitting_snake, Hemachatus_haemachatus": 1220, + "ringleader": 16675, + "ringlet": 9847, + "ringlet, ringlet_butterfly": 2874, + "ringneck_snake, ring-necked_snake, ring_snake": 1144, + "rings": 9848, + "rink, skating_rink": 9849, + "riot_gun": 9850, + "riparian_forest": 14381, + "ripcord": 9852, + "ripping_bar": 9853, + "ripping_chisel": 9854, + "ripple_mark": 14382, + "ripsaw, splitsaw": 9855, + "riser": 9856, + "riser, riser_pipe, riser_pipeline, riser_main": 9857, + "risotto, Italian_rice": 13711, + "rissole": 13651, + "river_boat": 9859, + "river_dolphin": 2130, + "river_limpet, freshwater_limpet, Ancylus_fluviatilis": 1776, + "river_otter, Lutra_canadensis": 3518, + "river_red_gum, river_gum, Eucalyptus_camaldulensis, Eucalyptus_rostrata": 19318, + "river_shad, Alosa_chrysocloris": 3746, + "riverbank, riverside": 14383, + "riverbed, river_bottom": 14384, + "rivet": 9860, + "riveting_machine, riveter, rivetter": 9861, + "rivulus": 380, + "roach, Rutilus_rutilus": 364, + "roach_clip, roach_holder": 9862, + "road, route": 9863, + "roadbed": 9864, + "roadblock, barricade": 9865, + "roadhouse": 9866, + "roadman, road_mender": 16676, + "roadrunner, chaparral_cock, Geococcyx_californianus": 1448, + "roadster, runabout, two-seater": 9867, + "roadway": 9868, + "roan": 3196, + "roarer, bawler, bellower, screamer, screecher, shouter, yeller": 16677, + "roaster": 9869, + "robalo": 3824, + "robber_fly, bee_killer": 2627, + "robber_frog": 943, + "robe": 9870, + "robin's_plantain, Erigeron_pulchellus": 18291, + "robin, American_robin, Turdus_migratorius": 641, + "robin, redbreast, robin_redbreast, Old_World_robin, Erithacus_rubecola": 656, + "roble, Platymiscium_trinitatis": 19879, + "roble_beech, Nothofagus_obliqua": 19098, + "robotics_equipment": 9871, + "robusta_coffee, Rio_Nunez_coffee, Coffea_robusta, Coffea_canephora": 20165, + "roccella, Roccella_tinctoria": 21034, + "rock, stone": 21773, + "rock_bass, rock_sunfish, Ambloplites_rupestris": 3841, + "rock_beauty, Holocanthus_tricolor": 3971, + "rock_bit, roller_bit": 9873, + "rock_candy": 12531, + "rock_candy, rock": 12532, + "rock_climbing": 15, + "rock_crab, Cancer_irroratus": 1842, + "rock_cress, rockcress": 18012, + "rock_dove, rock_pigeon, Columba_livia": 1405, + "rock_elm, Ulmus_thomasii": 19507, + "rock_gunnel, butterfish, Pholis_gunnellus": 3998, + "rock_hind, Epinephelus_adscensionis": 3856, + "rock_hopper, crested_penguin": 2084, + "rock_hyrax, rock_rabbit, Procavia_capensis": 3192, + "rock_opera": 12225, + "rock_penstemon, cliff_penstemon, Penstemon_rupicola": 20779, + "rock_polypody, rock_brake, American_wall_fern, Polypodium_virgianum": 21468, + "rock_purslane": 17981, + "rock_python, rock_snake, Python_sebae": 1205, + "rock_rattlesnake, Crotalus_lepidus": 1247, + "rock_sandwort, Arenaria_stricta": 17850, + "rock_sea_bass, rock_bass, Centropristis_philadelphica": 3851, + "rock_squirrel, Citellus_variegatus": 3148, + "rock_star": 16680, + "rock_wallaby, rock_kangaroo": 1603, + "rock_wren, Salpinctes_obsoletus": 746, + "rock_wren, Xenicus_gilviventris": 755, + "rocker": 9874, + "rocker, cradle": 9875, + "rocker_arm, valve_rocker": 9876, + "rocket, projectile": 9878, + "rocket, rocket_engine": 9877, + "rocket_engineer, rocket_scientist": 16678, + "rocket_larkspur, Consolida_ambigua, Delphinium_ajacis": 17678, + "rocket_scientist": 16679, + "rockfish": 4075, + "rocking_chair, rocker": 9879, + "rockrose, rock_rose": 19419, + "rod": 9880, + "rodent, gnawer": 3046, + "rodeo": 9881, + "roe_deer, Capreolus_capreolus": 3479, + "roebuck": 3480, + "rogue_elephant": 3672, + "roll": 9882, + "roll-on": 9898, + "roll-on_roll-off": 9899, + "roll_film": 9892, + "rolled_biscuit": 12758, + "roller": 9884, + "roller, tumbler, tumbler_pigeon": 1416, + "roller_bandage": 9885, + "roller_blind": 9888, + "roller_coaster, big_dipper, chute-the-chute": 9889, + "roller_skate": 9890, + "roller_skating": 69, + "roller_towel": 9891, + "rollerblading": 68, + "rolling_hitch": 9893, + "rolling_mill": 9894, + "rolling_pin": 9895, + "rolling_stock": 9896, + "rollmops": 13218, + "roly-poly, roly-poly_pudding": 12608, + "romanticist, romantic": 16682, + "romper, romper_suit": 9903, + "rood_screen": 9904, + "roof": 14386, + "roofing": 9907, + "rooibos, Aspalathus_linearis, Aspalathus_cedcarbergensis": 19740, + "rook, Corvus_frugilegus": 720, + "room": 9908, + "room_light": 9910, + "roomette": 9909, + "roost": 9911, + "root": 21343, + "root_beer": 14040, + "root_climber": 21308, + "root_vegetable": 12806, + "rootstock": 21347, + "rope": 9912, + "rope-a-dope": 54, + "rope_bridge": 9913, + "rope_tow": 9914, + "ropemaker, rope-maker, roper": 16683, + "roper": 16685, + "ropewalker, ropedancer": 16686, + "roridula": 20503, + "rorqual, razorback": 2106, + "rose, rosebush": 20018, + "rose, rosiness": 12049, + "rose-colored_starling, rose-colored_pastor, Pastor_sturnus, Pastor_roseus": 712, + "rose-root, midsummer-men, Sedum_rosea": 20507, + "rose_apple": 13190, + "rose_apple, rose-apple_tree, jambosa, Eugenia_jambos": 19303, + "rose_chafer, rose_beetle, Cetonia_aurata": 2569, + "rose_chafer, rose_bug, Macrodactylus_subspinosus": 2568, + "rose_chestnut, ironwood, ironwood_tree, Mesua_ferrea": 19412, + "rose_geranium, sweet-scented_geranium, Pelargonium_graveolens": 20231, + "rose_globe_lily, Calochortus_amoenus": 19601, + "rose_gum, Eucalypt_grandis": 19326, + "rose_mallow, Alcea_rosea, Althea_rosea": 18871, + "rose_mallow, swamp_mallow, common_rose_mallow, swamp_rose_mallow, Hibiscus_moscheutos": 18885, + "rose_moss, sun_plant, Portulaca_grandiflora": 17979, + "rose_of_Jericho, resurrection_plant, Anastatica_hierochuntica": 18009, + "rose_water": 9915, + "rose_window, rosette": 9916, + "roseate_spoonbill, Ajaia_ajaja": 1912, + "rosebay, Rhododendron_maxima": 19033, + "rosebud": 17526, + "rosebud_cherry, winter_flowering_cherry, Prunus_subhirtella": 20120, + "rosebud_orchid, Cleistes_rosea, Pogonia_rosea": 18520, + "rosefish, ocean_perch, Sebastodes_marinus": 4079, + "roselle, rozelle, sorrel, red_sorrel, Jamaica_sorrel, Hibiscus_sabdariffa": 18887, + "rosemary": 13339, + "rosemary, Rosmarinus_officinalis": 20711, + "rosewood, rosewood_tree": 19778, + "rosilla, Helenium_puberulum": 18324, + "rosin_bag": 9917, + "rosinweed, Silphium_laciniatum": 18422, + "rosita, Centaurium_calycosum": 19186, + "rosy_boa, Lichanura_trivirgata": 1199, + "rotary_actuator, positioner": 9918, + "rotary_engine": 9919, + "rotary_press": 9920, + "rotating_mechanism": 9921, + "rotating_shaft, shaft": 9922, + "rotavirus": 258, + "rotgut": 13998, + "rotifer": 1728, + "rotisserie": 9924, + "rotogravure": 12177, + "rotor": 9927, + "rotor, rotor_coil": 9926, + "rotor_blade, rotary_wing": 9928, + "rotor_head, rotor_shaft": 9929, + "rotunda": 9931, + "rouge, paint, blusher": 9932, + "rough": 14180, + "rough-leaved_aster": 18191, + "rough-legged_hawk, roughleg, Buteo_lagopus": 822, + "rough-skinned_newt, Taricha_granulosa": 903, + "rough-stemmed_goldenrod": 18437, + "rough_bindweed, Smilax_aspera": 19666, + "rough_fish": 3696, + "rough_green_snake, Opheodrys_aestivus": 1149, + "roughage, fiber": 12304, + "roughcast": 21810, + "roughtail_stingray, Dasyatis_centroura": 497, + "roulade": 13712, + "rouleau": 9934, + "roulette, line_roulette": 21741, + "roulette, toothed_wheel": 9935, + "roulette_ball": 9936, + "roulette_wheel, wheel": 9937, + "round, unit_of_ammunition, one_shot": 9938, + "round-bottom_flask": 9940, + "round-headed_leek, Allium_sphaerocephalum": 19579, + "round-leaved_rein_orchid, Habenaria_orbiculata": 18568, + "round-tailed_muskrat, Florida_water_rat, Neofiber_alleni": 3075, + "round_arch": 9939, + "round_file": 9942, + "round_of_golf, round": 116, + "round_scad, cigarfish, quiaquia, Decapterus_punctatus": 3893, + "round_shape": 21649, + "round_whitefish, Menominee_whitefish, Prosopium_cylindraceum": 3781, + "roundel": 9941, + "rounders": 145, + "roundhead": 16691, + "roundhouse": 9943, + "router": 9945, + "router_plane": 9946, + "roux": 13463, + "rove_beetle": 2587, + "row_house, town_house": 9948, + "rowan, rowan_tree, European_mountain_ash, Sorbus_aucuparia": 20148, + "rowanberry": 20149, + "rowel": 9947, + "rowing, row": 48, + "rowing_boat": 9949, + "rowlock_arch": 9950, + "royal": 9951, + "royal, royal_stag": 3464, + "royal_agaric, Caesar's_agaric, Amanita_caesarea": 21053, + "royal_fern, royal_osmund, king_fern, ditch_fern, French_bracken, Osmunda_regalis": 20956, + "royal_mast": 9952, + "royal_palm, Roystonea_regia": 19971, + "royal_poinciana, flamboyant, flame_tree, peacock_flower, Delonix_regia, Poinciana_regia": 19717, + "royal_tennis, real_tennis, court_tennis": 171, + "rubber_band, elastic_band, elastic": 9953, + "rubber_boa, tow-headed_snake, Charina_bottae": 1198, + "rubber_boot, gum_boot": 9954, + "rubber_bullet": 9955, + "rubber_eraser, rubber, pencil_eraser": 9956, + "ruby-crowned_kinglet, ruby-crowned_wren, Regulus_calendula": 663, + "rudapithecus, Dryopithecus_Rudapithecus_hungaricus": 3596, + "rudd, Scardinius_erythrophthalmus": 365, + "rudder": 9958, + "rudder_blade": 9959, + "ruddiness, rosiness": 12065, + "ruddy_duck, Oxyura_jamaicensis": 1529, + "ruddy_turnstone, Arenaria_interpres": 1970, + "rue": 13340, + "rue, herb_of_grace, Ruta_graveolens": 20279, + "rue_anemone, Anemonella_thalictroides": 17659, + "ruff, Philomachus_pugnax": 1988, + "ruffed_grouse, partridge, Bonasa_umbellus": 1355, + "rug, carpet, carpeting": 9960, + "rugby, rugby_football, rugger": 131, + "rugby_ball": 9961, + "rugel's_plantain, broad-leaved_plantain, Plantago_rugelii": 19981, + "ruin": 9962, + "rule, ruler": 9963, + "rum": 13888, + "rum_sling": 13969, + "rumble": 9964, + "rumble_seat": 9965, + "ruminant": 3325, + "rummer": 9966, + "rumpus_room, playroom, game_room": 9967, + "runcible_spoon": 9968, + "runcinate_leaf": 21455, + "rundle, spoke, rung": 9969, + "runner": 16695, + "runner, blue_runner, Caranx_crysos": 3876, + "running_back": 16696, + "running_shoe": 9970, + "running_suit": 9971, + "runway": 9972, + "rush_aster": 18192, + "rush_grass, rush-grass": 18780, + "rusher": 16697, + "rushlight, rush_candle": 9973, + "russet": 9974, + "rust, rust_fungus": 21225, + "rust_mite": 1297, + "rustic": 16698, + "rusty_blackbird, rusty_grackle, Euphagus_carilonus": 704, + "rusty_woodsia, fragrant_woodsia, oblong_woodsia, Woodsia_ilvensis": 21542, + "rut": 21709, + "rutabaga, swede, swedish_turnip, yellow_turnip": 12981, + "rutabaga, turnip_cabbage, swede, Swedish_turnip, rutabaga_plant, Brassica_napus_napobrassica": 18031, + "rya, rya_rug": 9975, + "rye": 18823, + "rye, Secale_cereale": 18755, + "rye, rye_whiskey, rye_whisky": 13903, + "rye_bread": 12701, + "rye_ergot": 20983, + "rye_grass, ryegrass": 18730, + "sabbatia": 19211, + "saber, sabre": 9976, + "saber-toothed_tiger, sabertooth": 2442, + "saber_saw, jigsaw, reciprocating_saw": 9977, + "sabicu, Lysiloma_sabicu": 17750, + "sable": 9978, + "sable, Martes_zibellina": 3537, + "sable, sable_brush, sable's_hair_pencil": 9979, + "sable_antelope, Hippotragus_niger": 3448, + "sable_coat": 9980, + "sabot, wooden_shoe": 9981, + "saboteur, wrecker, diversionist": 16699, + "sac_fungus": 21124, + "saccharin": 13602, + "sachet": 9982, + "sack": 13841, + "sack, poke, paper_bag, carrier_bag": 9983, + "sack, sacque": 9984, + "sack_coat": 9988, + "sackbut": 9985, + "sackcloth": 9987, + "sacking, bagging": 9989, + "sacred_ibis, Threskiornis_aethiopica": 1909, + "saddle": 9990, + "saddle_blanket, saddlecloth, horse_blanket": 9992, + "saddle_hackle, saddle_feather": 1661, + "saddle_horse, riding_horse, mount": 3210, + "saddle_oxford, saddle_shoe": 9993, + "saddle_oyster, Anomia_ephippium": 1804, + "saddle_seat": 9995, + "saddle_stitch": 9996, + "saddlebag": 9991, + "saddlebill, jabiru, Ephippiorhynchus_senegalensis": 1903, + "saddlery": 9994, + "sadist": 16700, + "safe": 9998, + "safe-deposit, safe-deposit_box, safety-deposit, safety_deposit_box, deposit_box, lockbox": 9999, + "safe_house": 10000, + "safety_arch": 10001, + "safety_belt, life_belt, safety_harness": 10002, + "safety_bicycle, safety_bike": 10003, + "safety_bolt, safety_lock": 10004, + "safety_curtain": 10005, + "safety_fuse": 10006, + "safety_lamp, Davy_lamp": 10007, + "safety_match, book_matches": 10008, + "safety_net": 10009, + "safety_pin": 10010, + "safety_rail, guardrail": 10011, + "safety_razor": 10012, + "safety_valve, relief_valve, escape_valve, escape_cock, escape": 10013, + "safflower, false_saffron, Carthamus_tinctorius": 18225, + "safflower_seed": 18226, + "saffron": 13387, + "saffron, saffron_crocus, Crocus_sativus": 19530, + "sage": 13341, + "sage_green": 12032, + "sage_grouse, sage_hen, Centrocercus_urophasianus": 1354, + "sagebrush_lizard, Sceloporus_graciosus": 1042, + "sagebrush_mariposa_tulip, Calochortus_macrocarpus": 19605, + "sago_palm": 19927, + "sago_palm, Cycas_revoluta": 17340, + "saguaro, sahuaro, Carnegiea_gigantea": 17946, + "saiga, Saiga_tatarica": 3449, + "sail": 10015, + "sail, canvas, canvass, sheet": 10014, + "sailboat, sailing_boat": 10016, + "sailcloth": 10017, + "sailfish": 4038, + "sailing_master, navigator": 16701, + "sailing_vessel, sailing_ship": 10018, + "sailing_warship": 10019, + "sailor's-choice, sailors_choice, Haemulon_parra": 3915, + "sailor, crewman": 16702, + "sailor_cap": 10020, + "sailor_suit": 10021, + "sainfoin, sanfoin, holy_clover, esparcet, Onobrychis_viciifolia, Onobrychis_viciaefolia": 19852, + "sake, saki, rice_beer": 13801, + "saki": 3647, + "salad": 13260, + "salad_bar": 10022, + "salad_bowl": 10023, + "salad_burnet": 13338, + "salad_burnet, burnet_bloodwort, pimpernel, Poterium_sanguisorba": 20067, + "salad_cream": 13431, + "salad_green, salad_greens": 12891, + "salad_nicoise": 13265, + "salai, Boswellia_serrata": 20242, + "salal, shallon, Gaultheria_shallon": 19007, + "salamander": 895, + "salesgirl, saleswoman, saleslady": 16703, + "salesman": 16704, + "salesperson, sales_representative, sales_rep": 16705, + "salinometer": 10024, + "sallet, salade": 10025, + "sallow": 20336, + "salmagundi": 13264, + "salmi": 12440, + "salmon": 3761, + "salmon_loaf": 13714, + "salmonberry, Rubus_spectabilis": 20144, + "salmonberry, salmon_berry, thimbleberry, Rubus_parviflorus": 20145, + "salmonid": 3760, + "salon": 10027, + "salon, beauty_salon, beauty_parlor, beauty_parlour, beauty_shop": 10028, + "salp, salpa": 425, + "salpiglossis": 20843, + "salsa": 13360, + "salsify": 12973, + "salsify, oyster_plant, vegetable_oyster, Tragopogon_porrifolius": 18462, + "salsilla, Bomarea_edulis": 19535, + "salsilla, Bomarea_salsilla": 19536, + "salt, table_salt, common_salt": 13291, + "salt-rising_bread": 12706, + "salt_marsh_mallow, Kosteletzya_virginica": 18894, + "salt_reed_grass, Spartina_cynosuroides": 18776, + "saltbox": 10029, + "saltbush": 17914, + "saltcellar": 10030, + "saltine": 12763, + "saltpan": 14387, + "saltshaker, salt_shaker": 10031, + "saltworks": 10032, + "saltwort, Batis_maritima": 17904, + "saltwort, barilla, glasswort, kali, kelpwort, Salsola_kali, Salsola_soda": 17925, + "salvager, salvor": 16706, + "salver": 10033, + "salwar, shalwar": 10034, + "samara, key_fruit, key": 18485, + "sambar, sambur, Cervus_unicolor": 3471, + "sambuca": 13929, + "samisen, shamisen": 10036, + "samite": 10037, + "samosa": 12620, + "samovar": 10038, + "sampan": 10039, + "sand": 21811, + "sand_blackberry, Rubus_cuneifolius": 20132, + "sand_cat": 2410, + "sand_cherry, Prunus_pumila, Prunus_pumilla_susquehanae, Prunus_susquehanae, Prunus_cuneata": 20113, + "sand_cricket, Jerusalem_cricket, Stenopelmatus_fuscus": 2730, + "sand_dab": 4126, + "sand_devil's_claw, Proboscidea_arenaria, Martynia_arenaria": 20743, + "sand_dollar": 3014, + "sand_dropseed, Sporobolus_cryptandrus": 18779, + "sand_fly, sandfly, Phlebotomus_papatasii": 2652, + "sand_lance, sand_launce, sand_eel, launce": 4004, + "sand_leek, giant_garlic, Spanish_garlic, rocambole, Allium_scorodoprasum": 19574, + "sand_lizard, Lacerta_agilis": 1078, + "sand_myrtle, Leiophyllum_buxifolium": 19017, + "sand_rat": 3183, + "sand_rat, Meriones_longifrons": 3097, + "sand_sage, silvery_wormwood, Artemisia_filifolia": 18155, + "sand_sedge, sand_reed, Carex_arenaria": 18806, + "sand_snake": 1184, + "sand_spurry, sea_spurry, Spergularia_rubra": 17884, + "sand_stargazer": 3990, + "sand_tiger, sand_shark, Carcharias_taurus, Odontaspis_taurus": 465, + "sand_verbena": 17929, + "sand_wedge": 10045, + "sandal": 10040, + "sandalwood_tree, true_sandalwood, Santalum_album": 20370, + "sandbag": 10041, + "sandbank": 14388, + "sandbar, sand_bar": 14389, + "sandbar_shark, Carcharhinus_plumbeus": 469, + "sandblaster": 10042, + "sandbox": 10043, + "sanderling, Crocethia_alba": 1986, + "sandglass": 10044, + "sandgrouse, sand_grouse": 1420, + "sandpiper": 1972, + "sandpit": 14390, + "sandwich": 12770, + "sandwich_board": 10046, + "sandwich_plate": 12771, + "sandwichman": 16707, + "sandwort": 17846, + "sandwort, Moehringia_lateriflora": 17872, + "sandwort, Moehringia_mucosa": 17873, + "sandy_mushroom, Tricholoma_populinum": 21101, + "sangoma": 16708, + "sanguinary_ant, Formica_sanguinea": 2712, + "sanguine": 12017, + "sanicle, snakeroot": 20930, + "sanitary_landfill": 14391, + "sanitary_napkin, sanitary_towel, Kotex": 10047, + "sannup": 16709, + "sansevieria, bowstring_hemp": 19684, + "sapling": 21318, + "sapodilla, sapodilla_plum, sapota": 13153, + "sapodilla, sapodilla_tree, Manilkara_zapota, Achras_zapota": 20481, + "sapote, mammee, marmalade_plum": 13154, + "sapper": 16710, + "saprobe": 21341, + "sapsago": 13575, + "sapsucker": 1494, + "sarcenet, sarsenet": 10049, + "sarcodinian, sarcodine": 304, + "sarcophagus": 10050, + "sardine": 3753, + "sargassum_fish": 3802, + "sari, saree": 10051, + "sarong": 10052, + "sarsaparilla": 19664, + "sash, window_sash": 10053, + "sash_fastener, sash_lock, window_lock": 10054, + "sash_window": 10055, + "sashimi": 13737, + "saskatoon, serviceberry, shadberry, juneberry": 13037, + "sassaby, topi, Damaliscus_lunatus": 3433, + "sassafras": 13310, + "sassafras, sassafras_tree, Sassafras_albidum": 17605, + "satchel": 10056, + "sateen": 10057, + "satellite, artificial_satellite, orbiter": 10058, + "satellite_receiver": 10059, + "satellite_television, satellite_TV": 10060, + "satellite_transmitter": 10061, + "satin": 10062, + "satin_bowerbird, satin_bird, Ptilonorhynchus_violaceus": 799, + "satinleaf, satin_leaf, caimitillo, damson_plum, Chrysophyllum_oliviforme": 20479, + "satinwood, satinwood_tree, Chloroxylon_swietenia": 20254, + "satrap": 16712, + "satsuma": 13050, + "satsuma, satsuma_tree": 20290, + "saturniid, saturniid_moth": 2954, + "satyr_orchid, Coeloglossum_bracteatum": 18521, + "sauce": 13400, + "sauce_Louis": 13419, + "saucepan": 10064, + "saucepot": 10065, + "saucer_magnolia, Chinese_magnolia, Magnolia_soulangiana": 17617, + "sauerbraten": 13716, + "sauerkraut": 13717, + "sauna, sweat_room": 10066, + "saunterer, stroller, ambler": 16713, + "saurian": 1023, + "saurischian, saurischian_dinosaur": 1112, + "sauropod, sauropod_dinosaur": 1113, + "saury, billfish, Scomberesox_saurus": 3808, + "sausage_curl": 12087, + "sausage_dog, sausage_hound": 2199, + "sausage_pizza": 13699, + "saute": 12651, + "savings_bank, coin_bank, money_box, bank": 10067, + "savory": 20721, + "savory, savoury": 13343, + "savoy_cabbage": 18023, + "savoy_cabbage, savoy": 12834, + "saw": 10068, + "saw_palmetto, scrub_palmetto, Serenoa_repens": 19974, + "saw_set": 10072, + "sawed-off_shotgun": 10069, + "sawfish": 493, + "sawfly": 2700, + "sawhorse, horse, sawbuck, buck": 10070, + "sawmill": 10071, + "sawpit": 14392, + "sawwort, Serratula_tinctoria": 18421, + "sawyer": 16715, + "sawyer, sawyer_beetle": 2545, + "sax, saxophone": 10073, + "saxhorn": 10074, + "saxifrage, breakstone, rockfoil": 20518, + "scabbard": 10075, + "scabious, scabiosa": 20219, + "scablands": 14393, + "scad": 3888, + "scaffolding, staging": 10076, + "scalded_milk": 13506, + "scale": 10077, + "scale, weighing_machine": 10078, + "scale_fern, scaly_fern, Asplenium_ceterach, Ceterach_officinarum": 21495, + "scale_insect": 2785, + "scalene_triangle": 21685, + "scaler": 10079, + "scaling_ladder": 10080, + "scallop, crenation, crenature, crenel, crenelle": 21671, + "scallop, scollop, escallop": 1815, + "scallop_shell": 1668, + "scallopine, scallopini": 13718, + "scalp": 12149, + "scalpel": 10081, + "scalper": 16716, + "scaly_lentinus, Lentinus_lepideus": 21052, + "scammony, Convolvulus_scammonia": 20599, + "scammony, Ipomoea_orizabensis": 20608, + "scampi": 13720, + "scandalmonger": 16717, + "scanner": 10083, + "scanner, digital_scanner, image_scanner": 10084, + "scanner, electronic_scanner": 10082, + "scantling, stud": 10085, + "scape, flower_stalk": 21356, + "scapegrace, black_sheep": 16718, + "scaphopod": 1751, + "scapular": 3565, + "scarab, scarabaeus, Scarabaeus_sacer": 2558, + "scarabaeid_beetle, scarabaeid, scarabaean": 2556, + "scarf": 10086, + "scarf_joint, scarf": 10087, + "scarlet_bugler, Penstemon_centranthifolius": 20770, + "scarlet_bush, scarlet_hamelia, coloradillo, Hamelia_patens, Hamelia_erecta": 20182, + "scarlet_clematis, Clematis_texensis": 17672, + "scarlet_fritillary, Fritillaria_recurva": 19626, + "scarlet_haw, Crataegus_biltmoreana": 20036, + "scarlet_lychnis, maltese_cross, Lychins_chalcedonica": 17870, + "scarlet_musk_flower, Nyctaginia_capitata": 17928, + "scarlet_oak, Quercus_coccinea": 19113, + "scarlet_pimpernel, red_pimpernel, poor_man's_weatherglass, Anagallis_arvensis": 18638, + "scarlet_plume, Euphorbia_fulgens": 20868, + "scarlet_runner, running_postman, Kennedia_prostrata": 19813, + "scarlet_runner, scarlet_runner_bean, Dutch_case-knife_bean, runner_bean, Phaseolus_coccineus, Phaseolus_multiflorus": 19865, + "scarlet_runner, scarlet_runner_bean, runner_bean, English_runner_bean": 12927, + "scarlet_tanager, Piranga_olivacea, redbird, firebird": 785, + "scarlet_wisteria_tree, vegetable_hummingbird, Sesbania_grandiflora": 19893, + "scatter_rug, throw_rug": 10088, + "scaup, scaup_duck, bluebill, broadbill": 1536, + "scauper, scorper": 10089, + "scavenger": 188, + "scene_painter": 16719, + "scented_fern, Mohria_caffrorum": 20965, + "scentless_camomile, scentless_false_camomile, scentless_mayweed, scentless_hayweed, corn_mayweed, Tripleurospermum_inodorum, Matricaria_inodorum": 18464, + "schemer, plotter": 16720, + "schipperke": 2292, + "schistosome, blood_fluke": 1722, + "schizocarp": 21424, + "schizopetalon, Schizopetalon_walkeri": 18076, + "schizophrenic": 16721, + "schlemiel, shlemiel": 16722, + "schlockmeister, shlockmeister": 16723, + "schnapps, schnaps": 13891, + "schnauzer": 2246, + "schnitzel, Wiener_schnitzel": 13746, + "scholar, scholarly_person, bookman, student": 16724, + "scholiast": 16725, + "school, schoolhouse": 10091, + "school_bell": 10093, + "school_bus": 10094, + "school_newspaper, school_paper": 12181, + "school_ship, training_ship": 10095, + "school_system": 10096, + "schoolbag": 10092, + "schoolchild, school-age_child, pupil": 16726, + "schoolfriend": 16727, + "schoolmaster": 16729, + "schoolmaster, Lutjanus_apodus": 3908, + "schoolmate, classmate, schoolfellow, class_fellow": 16730, + "schoolyard": 14186, + "schooner": 10098, + "sciaenid_fish, sciaenid": 3932, + "scientific_instrument": 10099, + "scientist": 16731, + "scilla, squill": 19643, + "scimitar": 10100, + "scintillation_counter": 10101, + "scion": 16732, + "scissors, pair_of_scissors": 10102, + "scissortail, scissortailed_flycatcher, Muscivora-forficata": 630, + "sclerite": 1666, + "sclerometer": 10103, + "sclerotinia": 20986, + "sclerotium": 21123, + "scoffer, flouter, mocker, jeerer": 16733, + "scofflaw": 16734, + "scoinson_arch, sconcheon_arch": 10104, + "scolopendrium": 21496, + "scombroid, scombroid_fish": 4017, + "sconce": 10106, + "scone": 12737, + "scoop": 10107, + "scooter": 10108, + "scops_owl": 883, + "scoreboard": 10109, + "scorekeeper, scorer": 16735, + "scorer": 16736, + "scorpaenid, scorpaenid_fish": 4070, + "scorpaenoid, scorpaenoid_fish": 4069, + "scorpioid_cyme": 21368, + "scorpion": 1260, + "scorpion_fly": 2528, + "scorpion_shell": 1756, + "scorpionfish, scorpion_fish, sea_scorpion": 4071, + "scorpionweed, scorpion_weed, phacelia": 20631, + "scorzonera, black_salsify": 12975, + "scoter, scooter": 1546, + "scourer": 16737, + "scouring_pad": 10110, + "scouring_rush, rough_horsetail, Equisetum_hyemale, Equisetum_hyemale_robustum, Equisetum_robustum": 21581, + "scout, talent_scout": 16738, + "scoutmaster": 16739, + "scow": 10112, + "scrambled_eggs": 13484, + "scrambler": 16740, + "scraper": 10113, + "scrapple": 13723, + "scratcher": 16741, + "screamer": 1578, + "screech_owl": 882, + "screech_owl, Otus_asio": 881, + "screen": 10117, + "screen, CRT_screen": 10118, + "screen, cover, covert, concealment": 10116, + "screen_actor, movie_actor": 16742, + "screen_door, screen": 10119, + "screening": 10120, + "screw": 10123, + "screw, screw_propeller": 10122, + "screw_augur, Spiranthes_cernua": 18612, + "screw_bean": 17758, + "screw_bean, screwbean, tornillo, screwbean_mesquite, Prosopis_pubescens": 17757, + "screw_eye": 10125, + "screw_key": 10126, + "screw_thread, thread": 10127, + "screw_tree": 18935, + "screw_wrench": 10129, + "screwdriver": 13963, + "screwtop": 10128, + "scriber, scribe, scratch_awl": 10130, + "scrim": 10131, + "scrimshaw": 10132, + "scriptorium": 10133, + "scrub_beefwood, beefwood, Stenocarpus_salignus": 18978, + "scrub_brush, scrubbing_brush, scrubber": 10135, + "scrub_oak": 19128, + "scrub_pine, Virginia_pine, Jersey_pine, Pinus_virginiana": 17386, + "scrub_plane": 10136, + "scrubber": 10134, + "scrubbird, scrub-bird, scrub_bird": 604, + "scrubland": 14183, + "scrumpy": 13994, + "scrutineer, canvasser": 16743, + "scuba_diver": 16744, + "scuba_diving": 44, + "scuffer": 10137, + "scuffle, scuffle_hoe, Dutch_hoe": 10138, + "scull": 10140, + "scullery": 10141, + "sculling": 49, + "sculptor, sculpturer, carver, statue_maker": 16745, + "sculpture": 10142, + "scup, northern_porgy, northern_scup, Stenotomus_chrysops": 3930, + "scup, southern_porgy, southern_scup, Stenotomus_aculeatus": 3931, + "scuppernong": 13124, + "scurvy_grass, common_scurvy_grass, Cochlearia_officinalis": 18047, + "scute": 1665, + "scuttle, coal_scuttle": 10143, + "scyphozoan": 1682, + "scyphus": 10144, + "scythe": 10145, + "sea_anemone, anemone": 1692, + "sea_aster, sea_starwort, Aster_tripolium": 18177, + "sea_boat": 10147, + "sea_bream, bream": 3920, + "sea_catfish": 3718, + "sea_chest": 10148, + "sea_chub": 3965, + "sea_cow, sirenian_mammal, sirenian": 2133, + "sea_cucumber, holothurian": 3019, + "sea_dahlia, Coreopsis_maritima": 18263, + "sea_duck": 1544, + "sea_eagle": 853, + "sea_fan": 1698, + "sea_feather": 1697, + "sea_gooseberry": 1707, + "sea_green": 12031, + "sea_hare, Aplysia_punctata": 1778, + "sea_holly, sea_holm, sea_eryngium, Eryngium_maritimum": 20913, + "sea_island_cotton, tree_cotton, Gossypium_barbadense": 18878, + "sea_kale, sea_cole, Crambe_maritima": 18048, + "sea_lamprey, Petromyzon_marinus": 441, + "sea_lavender, marsh_rosemary, statice": 18662, + "sea_lily": 3017, + "sea_lion": 2147, + "sea_louse, sea_slater": 1880, + "sea_lyme_grass, European_dune_grass, Elymus_arenarius, Leymus_arenaria": 18717, + "sea_milkwort, sea_trifoly, black_saltwort, Glaux_maritima": 18643, + "sea_moss": 331, + "sea_mouse": 1745, + "sea_otter, Enhydra_lutris": 3520, + "sea_pen": 1694, + "sea_raven, Hemitripterus_americanus": 4082, + "sea_robin, searobin": 4092, + "sea_scallop, giant_scallop, Pecten_magellanicus": 1817, + "sea_slug, nudibranch": 1777, + "sea_snake": 1230, + "sea_spider, pycnogonid": 1306, + "sea_squill, sea_onion, squill, Urginea_maritima": 19647, + "sea_squirt": 424, + "sea_swallow, Sterna_hirundo": 2037, + "sea_trout": 3949, + "sea_turtle, marine_turtle": 992, + "sea_urchin": 3012, + "sea_wormwood, Seriphidium_maritimum, Artemisia_maritima": 18420, + "seabag": 10146, + "seabeach_sandwort, Arenaria_peploides": 17849, + "seabird, sea_bird, seafowl": 1961, + "seafood_Newburg": 13679, + "seagrass": 317, + "seahorse, sea_horse": 405, + "seal": 2140, + "sealing_wax, seal": 10149, + "sealskin": 10150, + "seam": 10151, + "seaplane, hydroplane": 10152, + "searcher, searcher_beetle, Calosoma_scrutator": 2541, + "searchlight": 10153, + "searing_iron": 10154, + "seashell": 1790, + "seashore, coast, seacoast, sea-coast": 14394, + "seashore_mallow": 18893, + "seaside, seaboard": 14395, + "seaside_alder, Alnus_maritima": 19168, + "seaside_centaury": 19188, + "seaside_daisy, beach_aster, Erigeron_glaucous": 18289, + "seaside_goldenrod, beach_goldenrod, Solidago_sempervirens": 18432, + "seasnail": 1765, + "seasonal_worker, seasonal": 16747, + "seasoned_salt": 13294, + "seasoner": 16748, + "seat": 10157, + "seat_belt, seatbelt": 10158, + "secateurs": 10159, + "seckel, seckel_pear": 13179, + "second-in-command": 16753, + "second-rater, mediocrity": 16755, + "second_balcony, family_circle, upper_balcony, peanut_gallery": 10161, + "second_base": 10162, + "second_baseman, second_sacker": 16749, + "second_cousin": 16750, + "second_fiddle, second_banana": 16752, + "second_hand": 10163, + "second_lieutenant, 2nd_lieutenant": 16754, + "secondary_coil, secondary_winding, secondary": 10160, + "seconder": 16751, + "secretary": 16756, + "secretary, writing_table, escritoire, secretaire": 10164, + "secretary_bird, Sagittarius_serpentarius": 865, + "sectarian, sectary, sectarist": 16761, + "section_hand": 16762, + "sectional": 10165, + "secularist": 16763, + "security_blanket": 10166, + "security_consultant": 16764, + "security_system": 10168, + "security_system, security_measure, security": 10167, + "sedan, saloon": 10169, + "sedan, sedan_chair": 10170, + "sedge_warbler, sedge_bird, sedge_wren, reedbird, Acrocephalus_schoenobaenus": 669, + "sedge_wren, short-billed_marsh_wren, Cistothorus_platensis": 745, + "sedum": 20505, + "seed": 21376, + "seed_beetle, seed_weevil": 2591, + "seed_shrimp, mussel_shrimp, ostracod": 1890, + "seeded_player, seed": 16765, + "seeded_raisin": 13083, + "seeder": 10171, + "seeder, cloud_seeder": 16766, + "seedless_raisin, sultana": 13082, + "seedling": 17328, + "seeker": 10172, + "seeker, searcher, quester": 16767, + "seersucker": 10173, + "segmental_arch": 10174, + "sego_lily, Calochortus_nuttallii": 19606, + "segregate": 16768, + "segregator, segregationist": 16769, + "sei_whale, Balaenoptera_borealis": 2109, + "seidel": 10176, + "seif_dune": 14396, + "seine": 10177, + "seismograph": 10178, + "seizure-alert_dog": 2327, + "selectman": 16770, + "selector, selector_switch": 10179, + "selectwoman": 16771, + "selenium_cell": 10180, + "self-heal, heal_all, Prunella_vulgaris": 20709, + "self-propelled_vehicle": 10181, + "self-registering_thermometer": 10182, + "self-rising_flour, self-raising_flour": 12449, + "self-starter": 16773, + "selfish_person": 16772, + "seller, marketer, vender, vendor, trafficker": 16774, + "selling_agent": 16775, + "selsyn, synchro": 10184, + "seltzer": 14092, + "selvage, selvedge": 10185, + "semanticist, semiotician": 16776, + "semaphore": 10186, + "semi-climber": 17304, + "semi-detached_house": 10190, + "semi-skimmed_milk": 13514, + "semiautomatic_firearm": 10187, + "semiautomatic_pistol, semiautomatic": 10188, + "semiconductor_device, semiconductor_unit, semiconductor": 10189, + "semidesert": 14123, + "semifinalist": 16777, + "semigloss": 10191, + "seminarian, seminarist": 16778, + "semitrailer, semi": 10192, + "semolina": 12311, + "senator": 16779, + "sendee": 16780, + "senega, Polygala_alba": 20274, + "senior": 16781, + "senior_vice_president": 16782, + "senna": 19726, + "sennit": 10193, + "sensitive_fern, bead_fern, Onoclea_sensibilis": 21532, + "sensitometer": 10194, + "sensory_fiber, afferent_fiber": 12143, + "sensualist": 14497, + "sentry_box": 10195, + "separate": 10196, + "separatist, separationist": 16783, + "septic_tank": 10197, + "septuagenarian": 16784, + "sequence, episode": 10198, + "sequencer, sequenator": 10199, + "serape, sarape": 10200, + "serf, helot, villein": 16785, + "serge": 10201, + "sergeant_major, Abudefduf_saxatilis": 3976, + "serger": 10202, + "serial_port": 10203, + "sericea_lespedeza, Lespedeza_sericea, Lespedeza_cuneata": 19829, + "serin": 560, + "serjeant-at-law, serjeant, sergeant-at-law, sergeant": 16787, + "serotine, European_brown_bat, Eptesicus_serotinus": 2498, + "serow": 3423, + "serpent": 10204, + "serranid_fish, serranid": 3847, + "serration": 10205, + "serval, Felis_serval": 2417, + "server": 16788, + "server, host": 10207, + "service_club": 10208, + "service_tree, sorb_apple, sorb_apple_tree, Sorbus_domestica": 20152, + "serviceman, military_man, man, military_personnel": 16789, + "serving_cart": 10209, + "serving_dish": 10210, + "servo, servomechanism, servosystem": 10211, + "sesame_seed, benniseed": 13388, + "set": 10212, + "set_gun, spring_gun": 10213, + "set_square": 10216, + "setscrew": 10215, + "settee": 10217, + "setter": 2269, + "settle, settee": 10218, + "settlement_house": 10219, + "settler": 16791, + "settler, colonist": 16790, + "seventeen-year_locust, periodical_cicada, Magicicada_septendecim": 2812, + "seventy-eight, 78": 10220, + "sewage_disposal_plant, disposal_plant": 10222, + "sewer, sewerage, cloaca": 10223, + "sewer_rat": 3058, + "sewing_basket": 10224, + "sewing_kit": 10225, + "sewing_machine": 10226, + "sewing_needle": 10227, + "sewing_room": 10228, + "sex_symbol": 16792, + "sextant": 10229, + "sexton, sacristan": 16793, + "sgraffito": 10230, + "shackle": 10232, + "shackle, bond, hamper, trammel": 10231, + "shad": 3744, + "shade": 10233, + "shade, tint, tincture, tone": 12008, + "shade_tree": 21319, + "shading": 11992, + "shadow_box": 10234, + "shaft": 10235, + "shag_rug": 10236, + "shagbark, shagbark_hickory, shellbark, shellbark_hickory, Carya_ovata": 19274, + "shaggymane, shaggy_cap, shaggymane_mushroom, Coprinus_comatus": 21065, + "shaheed": 16794, + "shaker": 10237, + "shallot": 12890, + "shallot, eschalot, multiplier_onion, Allium_cepa_aggregatum, Allium_ascalonicum": 19567, + "shallu, Sorghum_vulgare_rosburghii": 18773, + "shamrock_pea, Parochetus_communis": 19860, + "shanghaier, seizer": 16796, + "shank": 10238, + "shank, stem": 10239, + "shanny, Blennius_pholis": 3992, + "shantung": 10240, + "shaper, shaping_machine": 10241, + "shaping_tool": 10242, + "sharecropper, cropper, sharecrop_farmer": 16797, + "shark": 452, + "sharkskin": 10243, + "sharksucker, Echeneis_naucrates": 3870, + "sharp-tailed_grouse, sprigtail, sprig_tail, Pedioecetes_phasianellus": 1356, + "sharpener": 10244, + "sharptail_mola, Mola_lanceolata": 4108, + "shasta_daisy, Leucanthemum_superbum, Chrysanthemum_maximum_maximum": 18361, + "shaver": 16798, + "shaver, electric_shaver, electric_razor": 10246, + "shaving-brush_tree, Pseudobombax_ellipticum": 18917, + "shaving_brush": 10247, + "shaving_cream, shaving_soap": 10248, + "shaving_foam": 10249, + "shawl": 10250, + "shawm": 10251, + "she-oak": 18982, + "shears": 10252, + "shearwater": 2094, + "sheath": 10253, + "sheathing, overlay, overlayer": 10254, + "shebeen": 13781, + "shed": 10255, + "sheep": 16800, + "sheep-tick, sheep_tick, Ixodes_ricinus": 1283, + "sheep_bell": 10256, + "sheep_botfly, sheep_gadfly, Oestrus_ovis": 2623, + "sheep_frog": 980, + "sheep_ked, sheep-tick, sheep_tick, Melophagus_Ovinus": 2636, + "sheep_plant, vegetable_sheep, Raoulia_lutescens, Raoulia_australis": 18397, + "sheep_sorrel, sheep's_sorrel, Rumex_acetosella": 19993, + "sheepshank": 10257, + "sheepshead, Archosargus_probatocephalus": 3925, + "sheepshead_porgy, Calamus_penna": 3927, + "sheepskin_coat, afghan": 10258, + "sheepwalk, sheeprun": 10259, + "sheet, bed_sheet": 10260, + "sheet_bend, becket_bend, weaver's_knot, weaver's_hitch": 10261, + "sheet_pile, sheath_pile, sheet_piling": 10263, + "sheeting": 10262, + "sheik, tribal_sheik, sheikh, tribal_sheikh, Arab_chief": 16801, + "sheikdom, sheikhdom": 14141, + "sheldrake": 1527, + "shelduck": 1528, + "shelf": 10265, + "shelf_bracket": 10266, + "shell": 14397, + "shell, case, casing": 10268, + "shell, racing_shell": 10269, + "shell_bean": 12930, + "shellac, shellac_varnish": 10270, + "shellflower, shall-flower, shell_ginger, Alpinia_Zerumbet, Alpinia_speciosa, Languas_speciosa": 19374, + "shellflower, shell-flower, turtlehead, snakehead, snake-head, Chelone_glabra": 20760, + "shelter": 10273, + "sheltered_workshop": 10274, + "shelver": 16802, + "shepherd": 16803, + "shepherd's_purse, shepherd's_pouch, Capsella_bursa-pastoris": 18038, + "shepherd_dog, sheepdog, sheep_dog": 2293, + "sherbert, sherbet": 12571, + "sherry": 13863, + "shield": 10277, + "shield, buckler": 10276, + "shield_fern, buckler_fern": 21511, + "shielding": 10278, + "shift_key, shift": 10279, + "shiitake, shiitake_mushroom, Chinese_black_mushroom, golden_oak_mushroom, Oriental_black_mushroom, Lentinus_edodes": 21051, + "shillelagh, shillalah": 10280, + "shim": 10281, + "shin_guard, shinpad": 10283, + "shiner": 14398, + "shingle": 10282, + "shingle_oak, laurel_oak, Quercus_imbricaria": 19120, + "shingle_tree, Acrocarpus_fraxinifolius": 19706, + "shining_clubmoss, Lycopodium_lucidulum": 21586, + "shining_willow, Salix_lucida": 20346, + "shinny, shinney": 125, + "ship": 10284, + "ship-breaker": 16804, + "ship-towed_long-range_acoustic_detection_system": 10288, + "shipboard_system": 10285, + "shipmate": 16805, + "shipowner": 16806, + "shipping, cargo_ships, merchant_marine, merchant_vessels": 10286, + "shipping_agent": 16807, + "shipping_room": 10287, + "shipworm, teredinid": 1818, + "shipwreck": 10289, + "shire, shire_horse": 3268, + "shirred_egg, baked_egg, egg_en_cocotte": 13486, + "shirt": 10290, + "shirt_button": 10291, + "shirtdress": 10292, + "shirtfront": 10293, + "shirting": 10294, + "shirtmaker": 16808, + "shirtsleeve": 10295, + "shirttail": 10296, + "shirtwaist, shirtwaister": 10297, + "shit, dump": 21634, + "shittah, shittah_tree": 17728, + "shiv": 10298, + "shoal": 14399, + "shock_absorber, shock, cushion": 10299, + "shoe": 10301, + "shoe_shop, shoe-shop, shoe_store": 10304, + "shoebill, shoebird, Balaeniceps_rex": 1906, + "shoebox": 10302, + "shoehorn": 10303, + "shoestring_fungus": 21607, + "shoetree": 10305, + "shofar, shophar": 10306, + "shogun": 16809, + "shoji": 10307, + "shoot-'em-up": 12236, + "shooting_brake": 10308, + "shooting_lodge, shooting_box": 10309, + "shooting_stick": 10310, + "shop, store": 10311, + "shop_bell": 10312, + "shop_girl": 16811, + "shop_steward, steward": 16812, + "shopaholic": 16810, + "shopping_bag": 10313, + "shopping_basket": 10314, + "shopping_cart": 10315, + "shore": 14400, + "shore_pine, lodgepole, lodgepole_pine, spruce_pine, Pinus_contorta": 17377, + "shorebird, shore_bird, limicoline_bird": 1962, + "shoreline": 14401, + "short-horned_grasshopper, acridid": 2723, + "short-spurred_fragrant_orchid, Gymnadenia_odoratissima": 18555, + "short-tailed_shrew, Blarina_brevicauda": 1646, + "short_circuit, short": 10316, + "short_iron": 10317, + "short_pants, shorts, trunks": 10318, + "short_sleeve": 10319, + "shortcake": 12761, + "shortfin_mako, Isurus_oxyrhincus": 457, + "shortgrass, short-grass": 18667, + "shortia": 19056, + "shortleaf_pine, short-leaf_pine, shortleaf_yellow_pine, Pinus_echinata": 17383, + "shortwave_diathermy_machine": 10320, + "shot": 10321, + "shot_glass, jigger, pony": 10322, + "shot_putter": 16813, + "shot_tower": 10325, + "shotgun, scattergun": 10323, + "shotgun_shell": 10324, + "shoulder": 10326, + "shoulder_bag": 10327, + "shoulder_holster": 10329, + "shoulder_pad": 10330, + "shoulder_patch": 10331, + "shouldered_arch": 10328, + "shovel": 10333, + "shovel_hat": 10334, + "shoveler, shoveller, broadbill, Anas_clypeata": 1525, + "shovelhead, bonnethead, bonnet_shark, Sphyrna_tiburo": 489, + "showboat": 10335, + "shower": 10336, + "shower_cap": 10337, + "shower_curtain": 10338, + "shower_room": 10339, + "shower_stall, shower_bath": 10340, + "showjumping, stadium_jumping": 82, + "showplace": 14187, + "showroom, salesroom, saleroom": 10341, + "showy_daisy, Erigeron_speciosus": 18292, + "showy_goldenrod": 18438, + "showy_milkweed, Asclepias_speciosa": 21618, + "showy_orchis, purple_orchis, purple-hooded_orchis, Orchis_spectabilis": 18500, + "showy_sunflower, Helianthus_laetiflorus": 18329, + "shrapnel": 10342, + "shredder": 10343, + "shrew, shrewmouse": 1643, + "shrew, termagant": 16814, + "shrew_mole": 1640, + "shrike": 789, + "shrimp": 1865, + "shrimp_Newburg": 13681, + "shrimp_butter": 13582, + "shrimp_cocktail": 12362, + "shrimper": 10344, + "shrimpfish, shrimp-fish": 407, + "shrine": 10345, + "shrink-wrap": 10346, + "shrubby_St_John's_wort, Hypericum_prolificum, Hypericum_spathulatum": 19408, + "shrubby_penstemon, lowbush_penstemon, Penstemon_fruticosus": 20775, + "shuffleboard, shovelboard": 122, + "shuffler": 16815, + "shunt": 10347, + "shunt, electrical_shunt, bypass": 10348, + "shunter": 10349, + "shutter": 10351, + "shuttle": 10353, + "shuttle_bus": 10354, + "shuttle_helicopter": 10356, + "shuttlecock, bird, birdie, shuttle": 10355, + "shyster, pettifogger": 16816, + "siamang, Hylobates_syndactylus, Symphalangus_syndactylus": 3613, + "sibling, sib": 16817, + "sick_person, diseased_person, sufferer": 16818, + "sickbay, sick_berth": 10358, + "sickbed": 10359, + "sickle, reaping_hook, reap_hook": 10360, + "sickle_alfalfa, sickle_lucerne, sickle_medick, Medicago_falcata": 19843, + "sickle_cell": 12127, + "sickle_feather": 1658, + "sicklepod, Arabis_Canadensis": 18013, + "sicklepod, Senna_obtusifolia, Cassia_tora": 19730, + "sickroom": 10361, + "side-blotched_lizard, sand_lizard, Uta_stansburiana": 1043, + "side-wheeler": 10369, + "side_chapel": 10364, + "side_dish, side_order, entremets": 12351, + "sideboard": 10362, + "sidecar": 13964, + "sidelight, running_light": 10365, + "sideline, out_of_bounds": 14189, + "sideroblast": 12117, + "siderocyte": 12128, + "sidesaddle": 10366, + "sidewalk, pavement": 10367, + "sidewall": 10368, + "sidewinder": 10370, + "sidewinder, horned_rattlesnake, Crotalus_cerastes": 1245, + "sierra, Scomberomorus_sierra": 4027, + "sieva_bean, butter_bean, butter-bean_plant, lima_bean, Phaseolus_lunatus": 19867, + "sieva_bean, butter_bean, butterbean, civet_bean": 12933, + "sieve, screen": 10371, + "sifter": 10372, + "sightreader": 16819, + "sights": 10373, + "sigmoidoscope, flexible_sigmoidoscope": 10374, + "sign": 12240, + "signal_box, signal_tower": 10375, + "signal_detection, detection": 12212, + "signaler, signaller": 16820, + "signaling_device": 10376, + "signboard, sign": 10377, + "signer": 16821, + "signor, signior": 16822, + "signora": 16823, + "signore": 16824, + "signorina": 16825, + "silage, ensilage": 13225, + "sild": 3754, + "silencer, muffler": 10378, + "silene, campion, catchfly": 17876, + "silent_butler": 10379, + "silent_partner, sleeping_partner": 16826, + "silique, siliqua": 17547, + "silk": 10381, + "silk_tree, Albizia_julibrissin, Albizzia_julibrissin": 17740, + "silk_vine, Periploca_graeca": 21624, + "silks": 10382, + "silkworm": 2953, + "silkworm, giant_silkworm, wild_wilkworm": 2958, + "silky_anteater, two-toed_anteater, Cyclopes_didactylus": 3561, + "silky_cornel, silky_dogwood, Cornus_amomum": 20940, + "silky_dogwood, Cornus_obliqua": 20939, + "silky_oak, Grevillea_robusta": 18964, + "silky_pocket_mouse, Perognathus_flavus": 3113, + "silky_tamarin, Leontocebus_rosalia": 3642, + "silky_terrier, Sydney_silky": 2252, + "silky_wisteria, Wisteria_venusta": 19925, + "silo": 10383, + "silurid, silurid_fish": 3708, + "silver-bell_tree, silverbell_tree, snowdrop_tree, opossum_wood, Halesia_carolina, Halesia_tetraptera": 20492, + "silver_ash": 20256, + "silver_beech, Nothofagus_menziesii": 19097, + "silver_birch, common_birch, European_white_birch, Betula_pendula": 19158, + "silver_fern, Pityrogramma_argentea": 21569, + "silver_fir": 17402, + "silver_fox": 2379, + "silver_hake, Merluccius_bilinearis, whiting": 3729, + "silver_jenny, Eucinostomus_gula": 4059, + "silver_lime, silver_linden, Tilia_tomentosa": 18950, + "silver_maple, Acer_saccharinum": 20406, + "silver_perch, mademoiselle, Bairdiella_chrysoura": 3935, + "silver_plate": 10384, + "silver_sage, silver_sagebrush, grey_sage, gray_sage, Seriphidium_canum, Artemisia_cana": 18419, + "silver_screen": 12167, + "silver_tree, Leucadendron_argenteum": 18969, + "silver_tree, Tarrietia_argyrodendron": 18942, + "silver_tree_fern, sago_fern, black_tree_fern, Cyathea_medullaris": 21501, + "silver_wattle, mimosa, Acacia_dealbata": 17733, + "silver_willow, silky_willow, Salix_alba_sericea, Salix_sericea": 20329, + "silverback": 3605, + "silverfish, Lepisma_saccharina": 2852, + "silverpoint": 10385, + "silverrod, Solidago_bicolor": 18425, + "silversides, silverside": 3960, + "silverspot": 2877, + "silversword, Argyroxiphium_sandwicense": 18145, + "silvervine, silver_vine, Actinidia_polygama": 19415, + "silverweed": 20600, + "silverweed, goose-tansy, goose_grass, Potentilla_anserina": 20066, + "silvery_spleenwort, Deparia_acrostichoides, Athyrium_thelypteroides": 21527, + "silvery_spleenwort, glade_fern, narrow-leaved_spleenwort, Athyrium_pycnocarpon, Diplazium_pycnocarpon": 21521, + "simian": 3568, + "simnel": 12707, + "simperer": 16828, + "simple_closed_curve, Jordan_curve": 21657, + "simple_fruit, bacca": 21384, + "simple_pendulum": 10386, + "simulator": 10387, + "singer, vocalist, vocalizer, vocaliser": 16829, + "single-breasted_jacket": 10389, + "single-breasted_suit": 10390, + "single-leaf, single-leaf_pine, single-leaf_pinyon, Pinus_monophylla": 17355, + "single-reed_instrument, single-reed_woodwind": 10392, + "single-rotor_helicopter": 10393, + "single_bed": 10388, + "single_prop, single-propeller_plane": 10391, + "singles": 168, + "singlestick, fencing_stick, backsword": 10394, + "singlet, vest, undershirt": 10395, + "sinkhole, sink, swallow_hole": 14402, + "siphonophore": 1686, + "sipper": 16831, + "sire": 225, + "siren": 10396, + "siris, siris_tree, Albizia_lebbeck, Albizzia_lebbeck": 17741, + "sirrah": 16832, + "sisal, Agave_sisalana": 19677, + "siskin, Carduelis_spinus": 550, + "siskiyou_lewisia, Lewisia_cotyledon": 17986, + "sissoo, sissu, sisham, Dalbergia_sissoo": 19780, + "sister, sis": 16834, + "sister_ship": 10397, + "sitar": 10398, + "sitar_player": 16836, + "sitz_bath, hip_bath": 10399, + "six-pack, six_pack, sixpack": 10400, + "sixth-former": 16837, + "skate": 10401, + "skateboard": 10402, + "skateboarder": 16838, + "skateboarding": 70, + "skating": 65, + "skeg": 10403, + "skein": 10404, + "skeleton, skeletal_frame, frame, underframe": 10405, + "skeleton_fork_fern, Psilotum_nudum": 21577, + "skeleton_key": 10406, + "skeleton_shrimp": 1882, + "skep": 10408, + "skeptic, sceptic, doubter": 16839, + "sketch, study": 10409, + "sketcher": 16840, + "skew_arch": 10411, + "skewer": 10412, + "ski": 10413, + "ski-plane": 10426, + "ski_binding, binding": 10414, + "ski_boot": 10416, + "ski_cap, stocking_cap, toboggan_cap": 10417, + "ski_jump": 10421, + "ski_jumping": 28, + "ski_lodge": 10422, + "ski_mask": 10423, + "ski_parka, ski_jacket": 10425, + "ski_pole": 10427, + "ski_rack": 10428, + "ski_resort": 14190, + "ski_slope": 14403, + "ski_tow, ski_lift, lift": 10431, + "skibob": 10415, + "skid_lid": 10419, + "skidder": 16841, + "skier": 16842, + "skiff": 10420, + "skiing": 26, + "skillet_bread, fry_bread": 12700, + "skillet_corn_bread": 12717, + "skilly": 12792, + "skim_milk, skimmed_milk": 13513, + "skimmer": 10424, + "skin, tegument, cutis": 12074, + "skin-diver, aquanaut": 16844, + "skin_diving, skin-dive": 43, + "skin_graft": 12075, + "skinhead": 16845, + "skink, scincid, scincid_lizard": 1051, + "skinny-dipper": 16843, + "skipjack, Atlantic_bonito, Sarda_sarda": 4033, + "skipjack, skipjack_tuna, Euthynnus_pelamis": 4035, + "skirret, Sium_sisarum": 20935, + "skirt": 10430, + "skua, bonxie": 2041, + "skullcap": 10433, + "skullcap, helmetflower": 20724, + "skunk, polecat, wood_pussy": 3521, + "skunk_cabbage, Lysichiton_americanum": 17804, + "skunk_cabbage, polecat_weed, foetid_pothos, Symplocarpus_foetidus": 17815, + "skunkweed, skunk-weed, Polemonium_viscosum": 20561, + "sky": 14404, + "skybox": 10434, + "skyhook": 10435, + "skylark, Alauda_arvensis": 541, + "skylight, fanlight": 10436, + "skysail": 10437, + "skyscraper": 10438, + "skywalk": 10439, + "slack_suit": 10441, + "slacks": 10440, + "slash_pocket": 10443, + "slasher": 16846, + "slat, spline": 10444, + "slate": 10445, + "slate_pencil": 10446, + "slate_roof": 10447, + "slattern, slut, slovenly_woman, trollop": 16847, + "slave-making_ant, slave-maker": 2711, + "slave_ant": 2709, + "sled, sledge, sleigh": 10448, + "sled_dog, sledge_dog": 2328, + "sledding": 57, + "sleeper": 16849, + "sleeper, sleeper_goby": 4008, + "sleeper, slumberer": 16848, + "sleeping_bag": 10451, + "sleeping_beauty": 16850, + "sleeping_car, sleeper, wagon-lit": 10452, + "sleeve": 10454, + "sleeve, arm": 10453, + "sleigh_bed": 10455, + "sleigh_bell, cascabel": 10456, + "slender-tailed_meerkat, Suricata_suricatta": 2470, + "slender_centaury": 19189, + "slender_knapweed": 18211, + "slender_loris, Loris_gracilis": 3658, + "slender_rush, Juncus_tenuis": 17706, + "slender_salamander, worm_salamander": 925, + "slender_wheatgrass, Agropyron_trachycaulum, Agropyron_pauciflorum, Elymus_trachycaulos": 18677, + "slender_wild_oat, Avena_barbata": 18689, + "sleuth, sleuthhound": 16851, + "slice_bar": 10457, + "slicer": 10459, + "slick, slick_magazine, glossy": 12232, + "slide, playground_slide, sliding_board": 10460, + "slide_fastener, zip, zipper, zip_fastener": 10461, + "slide_projector": 10462, + "slide_rule, slipstick": 10463, + "slide_valve": 10464, + "slider, yellow-bellied_terrapin, Pseudemys_scripta": 1008, + "sliding_door": 10465, + "sliding_seat": 10466, + "sliding_window": 10467, + "slime_mold, slime_mould": 21001, + "sling": 13966, + "sling, scarf_bandage, triangular_bandage": 10468, + "slingback, sling": 10470, + "slinger_ring": 10471, + "slip-joint_pliers": 10474, + "slip-on": 10476, + "slip_clutch, slip_friction_clutch": 10472, + "slip_ring": 10478, + "slipcover": 10473, + "slipknot": 10475, + "slipper, carpet_slipper": 10477, + "slipper_spurge, slipper_plant": 20886, + "slippery_dick, Halicoeres_bivittatus": 3980, + "slippery_elm, red_elm, Ulmus_rubra": 19504, + "slipskin_grape": 13125, + "slit_lamp": 10479, + "slit_trench": 10480, + "slivovitz": 13882, + "slob, sloven, pig, slovenly_person": 16852, + "sloe": 13076, + "sloe_gin": 13884, + "sloganeer": 16853, + "sloop": 10481, + "sloop_of_war": 10482, + "slop, slops, swill, pigswill, pigwash": 13251, + "slop_basin, slop_bowl": 10483, + "slop_pail, slop_jar": 10484, + "slope, incline, side": 14405, + "slops": 10485, + "slopseller, slop-seller": 16854, + "slopshop, slopseller's_shop": 10486, + "slot, one-armed_bandit": 10487, + "slot_machine, coin_machine": 10488, + "sloth, tree_sloth": 3553, + "sloth_bear, Melursus_ursinus, Ursus_ursinus": 2454, + "slow_loris, Nycticebus_tardigradua, Nycticebus_pygmaeus": 3659, + "slug": 13999, + "slugger, slogger": 15062, + "sluice, sluiceway, penstock": 10489, + "slumgullion": 12442, + "smack": 10490, + "small-leaved_linden, small-leaved_lime, Tilia_cordata": 18947, + "small_boat": 10491, + "small_civet, Viverricula_indica, Viverricula_malaccensis": 2458, + "small_computer_system_interface, SCSI": 10492, + "small_ship": 10493, + "small_stores": 10494, + "small_white, Pieris_rapae": 2885, + "small_white_aster": 18194, + "smalleye_hammerhead, Sphyrna_tudes": 488, + "smallmouth, smallmouth_bass, smallmouthed_bass, smallmouth_black_bass, smallmouthed_black_bass, Micropterus_dolomieu": 3844, + "smalltooth_sawfish, Pristis_pectinatus": 494, + "smart_bomb": 10495, + "smasher, stunner, knockout, beauty, ravisher, sweetheart, peach, lulu, looker, mantrap, dish": 16855, + "smelling_bottle": 10496, + "smelt": 3782, + "smew, Mergus_albellus": 1553, + "smilax, Asparagus_asparagoides": 19589, + "smilo, smilo_grass, Oryzopsis_miliacea": 18737, + "smirker": 16856, + "smith, metalworker": 16857, + "smocking": 10497, + "smoke_bomb, smoke_grenade": 10498, + "smoke_bush": 18959, + "smoke_screen, smokescreen": 10501, + "smokehouse, meat_house": 10499, + "smoker, smoking_car, smoking_carriage, smoking_compartment": 10500, + "smoking_room": 10502, + "smooth-haired_fox_terrier": 2235, + "smooth-leaved_elm, European_field_elm, Ulmus_carpinifolia": 19495, + "smooth_alder, hazel_alder, Alnus_serrulata": 19172, + "smooth_aster": 18195, + "smooth_crabgrass, Digitaria_ischaemum": 18708, + "smooth_darling_pea, Swainsona_galegifolia": 17718, + "smooth_dogfish": 478, + "smooth_green_snake, Opheodrys_vernalis": 1148, + "smooth_hammerhead, Sphyrna_zygaena": 487, + "smooth_lip_fern, Alabama_lip_fern, Cheilanthes_alabamensis": 21556, + "smooth_muscle_cell": 12135, + "smooth_plane, smoothing_plane": 10504, + "smooth_softshell, Trionyx_muticus": 1021, + "smooth_sumac, scarlet_sumac, vinegar_tree, Rhus_glabra": 20447, + "smooth_winterberry_holly": 20436, + "smooth_woodsia, Woodsia_glabella": 21544, + "smoothbark": 19315, + "smoothbore": 10503, + "smoothhound, smoothhound_shark, Mustelus_mustelus": 479, + "smoothie": 13943, + "smoothie, smoothy, sweet_talker, charmer": 16858, + "smorgasbord": 12443, + "smuggler, runner, contrabandist, moon_curser, moon-curser": 16859, + "smut, smut_fungus": 21231, + "smut_grass, blackseed, carpet_grass, Sporobolus_poiretii": 18778, + "snack_bar, snack_counter, buffet": 10505, + "snack_food": 12818, + "snaffle, snaffle_bit": 10506, + "snag": 21311, + "snail": 1759, + "snail_butter": 13592, + "snail_darter, Percina_tanasi": 3820, + "snailflower, snail-flower, snail_flower, snail_bean, corkscrew_flower, Vigna_caracalla, Phaseolus_caracalla": 19914, + "snake's_head_fritillary, guinea-hen_flower, checkered_daffodil, leper_lily, Fritillaria_meleagris": 19624, + "snake, serpent, ophidian": 1140, + "snake_mackerel, Gempylus_serpens": 4013, + "snake_muishond, Poecilogale_albinucha": 3515, + "snake_polypody, Microgramma-piloselloides": 21474, + "snakebird, anhinga, darter": 2075, + "snakefly": 2841, + "snakewood, Rauwolfia_serpentina": 17778, + "snap, snap_fastener, press_stud": 10507, + "snap-brim_hat": 10509, + "snap_bean, snap": 12924, + "snap_brim": 10508, + "snapdragon": 20746, + "snapper": 3904, + "snapper, Chrysophrys_auratus": 3928, + "snapping_shrimp, pistol_shrimp": 1866, + "snapping_turtle": 1000, + "snare, gin, noose": 10510, + "snare_drum, snare, side_drum": 10511, + "snatch_block": 10512, + "sneezer": 16860, + "sneezeweed": 18322, + "snifter, brandy_snifter, brandy_glass": 10513, + "snipe": 1996, + "snipefish, bellows_fish": 406, + "sniper_rifle, precision_rifle": 10514, + "snips, tinsnips": 10515, + "snob, prig, snot, snoot": 16861, + "snood": 10517, + "snook": 3825, + "snoop, snooper": 16862, + "snorer": 16863, + "snorkel": 10519, + "snorkel, schnorkel, schnorchel, snorkel_breather, breather": 10518, + "snorkeling, snorkel_diving": 45, + "snout_beetle": 2579, + "snow, snowfall": 17299, + "snow-in-summer, love-in-a-mist, Cerastium_tomentosum": 17853, + "snow-on-the-mountain, snow-in-summer, ghost_weed, Euphorbia_marginata": 20859, + "snow_bunting, snowbird, snowflake, Plectrophenax_nivalis": 580, + "snow_goose": 1561, + "snow_gum, ghost_gum, white_ash, Eucalyptus_coriacea, Eucalyptus_pauciflora": 19320, + "snow_leopard, ounce, Panthera_uncia": 2431, + "snow_mushroom, Tremella_fuciformis": 21220, + "snow_pea, sugar_pea": 12907, + "snow_thrower, snow_blower": 10526, + "snowball": 12579, + "snowbank, snow_bank": 10520, + "snowbell, Styrax_obassia": 20489, + "snowberry, common_snowberry, waxberry, Symphoricarpos_alba": 20202, + "snowboard": 10521, + "snowcap": 14406, + "snowdrift": 14407, + "snowdrop_anemone, snowdrop_windflower, Anemone_sylvestris": 17657, + "snowfield": 14408, + "snowmobile": 10522, + "snowplow, snowplough": 10523, + "snowshoe": 10524, + "snowshoe_hare, snowshoe_rabbit, varying_hare, Lepus_americanus": 3040, + "snowsuit": 10525, + "snowy_egret, snowy_heron, Egretta_thula": 1919, + "snowy_orchid, Habenaria_nivea": 18567, + "snowy_tree_cricket, Oecanthus_fultoni": 2736, + "snuffbox": 10527, + "snuffbox_fern, meadow_fern, Thelypteris_palustris_pubescens, Dryopteris_thelypteris_pubescens": 21599, + "snuffer": 10528, + "snuffers": 10529, + "soap_dish": 10531, + "soap_dispenser": 10532, + "soap_pad": 10533, + "soapberry, soapberry_tree": 20379, + "soapberry_vine": 20383, + "soapbox": 10530, + "soapfish": 3859, + "soapsuds, suds, lather": 14409, + "soapweed, soap-weed, soap_tree, Yucca_elata": 19691, + "soapwort, hedge_pink, bouncing_Bet, bouncing_Bess, Saponaria_officinalis": 17874, + "soapwort_gentian, Gentiana_saponaria": 19200, + "sob_sister": 16864, + "sobralia": 18610, + "soccer, association_football": 151, + "soccer_ball": 10534, + "soccer_player": 16865, + "social_anthropologist, cultural_anthropologist": 16866, + "social_climber, climber": 16867, + "social_insect": 2523, + "social_scientist": 16870, + "social_secretary": 16871, + "socialist": 16868, + "socializer, socialiser": 16869, + "sociolinguist": 16873, + "sociologist": 16874, + "sock": 10535, + "socket": 10536, + "socket_wrench": 10537, + "sockeye, sockeye_salmon, red_salmon, blueback_salmon, Oncorhynchus_nerka": 3767, + "socle": 10538, + "sod_house, soddy, adobe_house": 10542, + "soda_can": 10539, + "soda_cracker": 12764, + "soda_fountain": 10541, + "soda_jerk, soda_jerker": 16875, + "soda_water, carbonated_water, club_soda, seltzer, sparkling_water": 14090, + "sodalist": 16876, + "sodium-vapor_lamp, sodium-vapour_lamp": 10543, + "sodomite, sodomist, sod, bugger": 16877, + "sofa, couch, lounge": 10544, + "soffit": 10545, + "soft-coated_wheaten_terrier": 2255, + "soft-shell_clam, steamer, steamer_clam, long-neck_clam, Mya_arenaria": 1791, + "soft-shell_crab, soft-shelled_crab": 1840, + "soft-shelled_turtle, pancake_turtle": 1019, + "soft_diet, pap, spoon_food": 12281, + "soft_drink": 14028, + "soft_pedal": 10547, + "soft_pretzel": 12769, + "soft_roll": 12743, + "soft_scale": 2786, + "soft_shield_fern, Polystichum_setiferum": 21537, + "soft_tick, argasid": 1288, + "soft_tree_fern, Dicksonia_antarctica": 21507, + "softball, playground_ball": 10546, + "softball, softball_game": 144, + "soil, dirt": 21784, + "soil_horizon": 14191, + "soil_pipe": 10548, + "solan, solan_goose, solant_goose, Sula_bassana": 2072, + "solanaceous_vegetable": 12805, + "solar_array, solar_battery, solar_panel": 10549, + "solar_cell, photovoltaic_cell": 10550, + "solar_dish, solar_collector, solar_furnace": 10551, + "solar_heater": 10552, + "solar_house": 10553, + "solar_telescope": 10554, + "solar_thermal_system": 10555, + "soldering_iron": 10556, + "soldier": 16878, + "soldierfish, soldier-fish": 392, + "sole": 4131, + "solenogaster, aplacophoran": 1785, + "solenoid": 10557, + "solid_figure, three-dimensional_figure": 21643, + "solitaire": 652, + "solitary_pussytoes": 18134, + "solitary_vireo, Vireo_solitarius": 806, + "solleret, sabaton": 10558, + "sombrero": 10559, + "son, boy": 16879, + "song_sparrow, Melospiza_melodia": 572, + "song_thrush, mavis, throstle, Turdus_philomelos": 636, + "songbird, songster": 536, + "songster": 16880, + "songstress": 16881, + "songwriter, songster, ballad_maker": 16882, + "sonic_depth_finder, fathometer": 10560, + "sonogram, echogram": 10561, + "sonograph": 10562, + "sorb, sorb_apple": 13191, + "sorcerer, magician, wizard, necromancer, thaumaturge, thaumaturgist": 16883, + "sorehead": 16884, + "sorghum": 18766, + "sorghum, sorghum_molasses": 13607, + "sorrel": 3280, + "sorrel, common_sorrel": 12983, + "sorrel_tree, Hibiscus_heterophyllus": 18884, + "sorrel_tree, sourwood, titi, Oxydendrum_arboreum": 19027, + "sorter": 10563, + "sorus": 21297, + "sou'wester": 10581, + "souari, souari_nut, souari_tree, Caryocar_nuciferum": 19418, + "souari_nut": 13202, + "souchong, soochong": 14079, + "souffle": 13492, + "souk": 10564, + "soul_food": 14099, + "soul_mate": 16885, + "soul_patch, Attilio": 12099, + "sound_bow": 10565, + "sound_camera": 10567, + "sound_film": 10569, + "sound_recording, audio_recording, audio": 10572, + "sound_spectrograph": 10573, + "soundbox, body": 10566, + "sounder": 10568, + "sounding_board, soundboard": 10570, + "sounding_rocket": 10571, + "soup": 12370, + "soup-strainer, toothbrush": 12094, + "soup_bowl": 10574, + "soup_du_jour": 12371, + "soup_ladle": 10575, + "soupfin_shark, soupfin, soup-fin, Galeorhinus_zyopterus": 476, + "soupspoon, soup_spoon": 10576, + "sour": 13970, + "sour_bread, sourdough_bread": 12708, + "sour_cherry": 13114, + "sour_cherry, Eugenia_corynantha": 19300, + "sour_cherry, sour_cherry_tree, Prunus_cerasus": 20093, + "sour_cream, soured_cream": 13524, + "sour_dock, garden_sorrel, Rumex_acetosa": 19992, + "sour_gourd, monkey_bread": 13192, + "sour_gum, black_gum, pepperidge, Nyssa_sylvatica": 19339, + "sour_mash, sour_mash_whiskey": 13905, + "sour_milk": 13497, + "sour_orange, Seville_orange, bitter_orange, bitter_orange_tree, bigarade, marmalade_orange, Citrus_aurantium": 20282, + "sour_salt": 13295, + "sourball": 12476, + "source_of_illumination": 10577, + "sourdine": 10578, + "soursop, guanabana": 13136, + "soursop, prickly_custard_apple, soursop_tree, Annona_muricata": 17574, + "soutache": 10579, + "soutane": 10580, + "southeastern_pocket_gopher, Geomys_pinetis": 3131, + "southern_aster": 18196, + "southern_beech, evergreen_beech": 19093, + "southern_bog_lemming, Synaptomys_cooperi": 3104, + "southern_buckthorn, shittimwood, shittim, mock_orange, Bumelia_lycioides": 20476, + "southern_cabbage_butterfly, Pieris_protodice": 2887, + "southern_flounder, Paralichthys_lethostigmus": 4122, + "southern_flying_squirrel, Glaucomys_volans": 3157, + "southern_live_oak, Quercus_virginiana": 19151, + "southern_magnolia, evergreen_magnolia, large-flowering_magnolia, bull_bay, Magnolia_grandiflora": 17612, + "southern_red_oak, swamp_red_oak, turkey_oak, Quercus_falcata": 19116, + "southern_spadefoot, Scaphiopus_multiplicatus": 966, + "southern_spatterdock, Nuphar_sagittifolium": 17628, + "southern_white_cedar, coast_white_cedar, Atlantic_white_cedar, white_cypress, white_cedar, Chamaecyparis_thyoides": 17448, + "southwestern_lip_fern, Cheilanthes_eatonii": 21559, + "southwestern_toad, Bufo_microscaphus": 959, + "southwestern_white_pine, Pinus_strobiformis": 17371, + "souvlaki, souvlakia": 13677, + "sovereign, crowned_head, monarch": 16887, + "sow": 3316, + "sow_bug": 1879, + "sow_thistle, milk_thistle": 18441, + "sowbane, red_goosefoot, Chenopodium_hybridum": 17909, + "sowbread, Cyclamen_hederifolium, Cyclamen_neopolitanum": 18642, + "soy, soybean, soya, soya_bean": 12935, + "soy, soybean, soya_bean": 19805, + "soy_sauce, soy": 13378, + "soya_milk, soybean_milk, soymilk": 13498, + "soybean_future": 10582, + "soybean_meal, soybean_flour, soy_flour": 12310, + "space_bar": 10583, + "space_capsule, capsule": 10584, + "space_heater": 10586, + "space_helmet": 10587, + "space_rocket": 10588, + "space_shuttle": 10589, + "space_station, space_platform, space_laboratory": 10590, + "spacecraft, ballistic_capsule, space_vehicle": 10585, + "spacesuit": 10591, + "spacewalker": 16888, + "spackle, spackling_compound": 21812, + "spade": 10592, + "spade_bit": 10593, + "spadefish, angelfish, Chaetodipterus_faber": 3967, + "spadefoot, spadefoot_toad": 964, + "spadix": 21370, + "spaghetti": 12788, + "spaghetti_Western": 12237, + "spaghetti_and_meatballs": 13724, + "spaghetti_junction": 10594, + "spaghetti_sauce, pasta_sauce": 13454, + "spaghetti_squash": 18834, + "spandex": 10596, + "spandrel, spandril": 10597, + "spaniel": 2274, + "spanker": 10598, + "spar": 10599, + "spar, sparring": 55, + "sparge_pipe": 10600, + "sparid, sparid_fish": 3919, + "spark_arrester": 10602, + "spark_arrester, sparker": 10601, + "spark_chamber, spark_counter": 10603, + "spark_coil": 10604, + "spark_gap": 10605, + "spark_lever": 10606, + "spark_plug, sparking_plug, plug": 10607, + "spark_transmitter": 10609, + "sparkling_wine": 13808, + "sparkplug_wrench": 10608, + "sparling, European_smelt, Osmerus_eperlanus": 3783, + "sparring_partner, sparring_mate": 16890, + "sparrow, true_sparrow": 583, + "sparrow_hawk, Accipiter_nisus": 817, + "sparrow_hawk, American_kestrel, kestrel, Falco_sparverius": 840, + "spastic": 16891, + "spat": 1788, + "spat, gaiter": 10610, + "spathiphyllum, peace_lily, spathe_flower": 17814, + "spatula": 10612, + "spatulate_leaf": 21447, + "spawn": 413, + "spawner": 3701, + "speaker, talker, utterer, verbalizer, verbaliser": 16892, + "speakerphone": 10613, + "speaking_trumpet": 10614, + "spear, gig, fizgig, fishgig, lance": 10616, + "spear, lance, shaft": 10615, + "spearfish": 4046, + "spearmint, Mentha_spicata": 20688, + "spearmint_oil": 13288, + "spearnose_bat": 2483, + "special": 12352, + "specialist, medical_specialist": 16896, + "specialty_store": 10617, + "specifier": 16897, + "specimen": 12102, + "specimen_bottle": 10618, + "speckled_alder, Alnus_rugosa": 19171, + "speckled_rattlesnake, Crotalus_mitchellii": 1250, + "spectacle": 10619, + "spectacled_caiman, Caiman_sclerops": 1096, + "spectacles, specs, eyeglasses, glasses": 10620, + "spectator, witness, viewer, watcher, looker": 16898, + "spectator_pump, spectator": 10621, + "spectrograph": 10622, + "spectrophotometer": 10623, + "spectroscope, prism_spectroscope": 10624, + "speculum": 10625, + "speech_therapist": 16899, + "speechwriter": 16895, + "speed_bump": 10627, + "speed_skate, racing_skate": 10629, + "speed_skating": 71, + "speedboat": 10626, + "speedometer, speed_indicator": 10628, + "speedskater, speed_skater": 16900, + "spellbinder": 16901, + "spelt, Triticum_spelta, Triticum_aestivum_spelta": 18787, + "sperm_whale, cachalot, black_whale, Physeter_catodon": 2114, + "spermatid": 12132, + "spermatophyte, phanerogam, seed_plant": 17327, + "sphagnum, sphagnum_moss, peat_moss, bog_moss": 17312, + "sphecoid_wasp, sphecoid": 2690, + "sphenisciform_seabird": 2078, + "spherical_angle": 21705, + "spherical_polygon": 21696, + "spherical_triangle": 21697, + "spherocyte": 12129, + "spheroid, ellipsoid_of_revolution": 21719, + "spherometer": 10630, + "spherule": 21720, + "sphinx": 16902, + "sphygmomanometer": 10631, + "spice": 13287, + "spice_rack": 10633, + "spice_tree": 21324, + "spicebush, California_allspice, Calycanthus_occidentalis": 17592, + "spicebush, spice_bush, American_spicebush, Benjamin_bush, Lindera_benzoin, Benzoin_odoriferum": 17602, + "spicemill": 10632, + "spider": 10634, + "spider_brake, spider_fern, Pteris_multifida": 21573, + "spider_crab": 1851, + "spider_mite, tetranychid": 1298, + "spider_monkey, Ateles_geoffroyi": 3650, + "spider_orchid": 18590, + "spider_orchid, Brassia_lawrenceana": 18510, + "spider_orchid, Brassia_verrucosa": 18511, + "spider_web, spider's_web": 10635, + "spiderflower, cleome": 18000, + "spiderwort, dayflower": 19998, + "spike": 10637, + "spike_heath, Bruckenthalia_spiculifolia": 19001, + "spike_lavender, French_lavender, Lavandula_latifolia": 20669, + "spike_rush": 18812, + "spikemoss, spike_moss, little_club_moss": 21592, + "spin_dryer, spin_drier": 10641, + "spinach": 12985, + "spindle": 10640, + "spindle, mandrel, mandril, arbor": 10639, + "spindle_tree, spindleberry, spindleberry_tree": 20397, + "spinet": 10643, + "spinnaker": 10644, + "spinner": 10645, + "spinning_frame": 10646, + "spinning_jenny": 10647, + "spinning_machine": 10648, + "spinning_rod": 10649, + "spinning_wheel": 10650, + "spinster, old_maid": 16903, + "spiny-finned_fish, acanthopterygian": 3809, + "spiny_dogfish": 483, + "spiny_lizard": 1038, + "spiny_lobster, langouste, rock_lobster, crawfish, crayfish, sea_crawfish": 1860, + "spiny_puffer": 4103, + "spiny_softshell, Trionyx_spiniferus": 1020, + "spiral_bandage": 10651, + "spiral_ratchet_screwdriver, ratchet_screwdriver": 10652, + "spiral_spring": 10653, + "spirea, spiraea": 20154, + "spirea, spiraea, Astilbe_japonica": 20529, + "spirillum": 271, + "spirillum, spirilla": 265, + "spirit_lamp": 10654, + "spirit_stove": 10655, + "spiritual_leader": 14455, + "spirochete, spirochaete": 293, + "spirometer": 10656, + "spirula, Spirula_peronii": 1832, + "spit": 10657, + "spit, tongue": 14410, + "spit_curl, kiss_curl": 12089, + "spittle_insect, spittlebug": 2813, + "spittoon, cuspidor": 10658, + "spitz": 2340, + "splashboard, splasher, dashboard": 10659, + "splasher": 10660, + "spleenwort": 21484, + "splice, splicing": 10661, + "splicer": 10662, + "splint": 10663, + "split": 12582, + "split-pea": 12909, + "split-pea_soup": 12407, + "split_end": 16904, + "split_rail, fence_rail": 10664, + "spoiler": 10667, + "spoke, wheel_spoke, radius": 10668, + "spokeshave": 10669, + "sponge, poriferan, parazoan": 1672, + "sponge_cloth": 10670, + "sponge_mop": 10671, + "spongioblast": 12080, + "spoon": 10673, + "spoon_bread, batter_bread": 12725, + "spoonbill": 1910, + "spoor": 14411, + "sporangiophore": 21289, + "sporangium, spore_case, spore_sac": 21288, + "spore": 17319, + "sporophyll, sporophyl": 21287, + "sporophyte": 17551, + "sporozoan": 341, + "sporozoite": 342, + "sporran": 10675, + "sport, athletics": 173, + "sport, sportsman, sportswoman": 16905, + "sport, summercater": 16906, + "sport_kite, stunt_kite": 10676, + "sport_utility, sport_utility_vehicle, S.U.V., SUV": 10681, + "sporting_dog, gun_dog": 2258, + "sporting_man, outdoor_man": 16907, + "sports_announcer, sportscaster, sports_commentator": 16908, + "sports_car, sport_car": 10677, + "sports_editor": 16909, + "sports_equipment": 10678, + "sports_implement": 10679, + "sportswear, athletic_wear, activewear": 10680, + "spot": 10682, + "spot_weld, spot-weld": 10684, + "spotlight, spot": 10683, + "spotted_antbird, Hylophylax_naevioides": 627, + "spotted_coral_root, Corallorhiza_maculata": 18525, + "spotted_cowbane, spotted_hemlock, spotted_water_hemlock": 20907, + "spotted_crake, Porzana_porzana": 1942, + "spotted_eagle_ray, spotted_ray, Aetobatus_narinari": 500, + "spotted_flycatcher, Muscicapa_striata, Muscicapa_grisola": 632, + "spotted_gum, Eucalyptus_maculata": 19329, + "spotted_hyena, laughing_hyena, Crocuta_crocuta": 2372, + "spotted_lynx, Lynx_pardina": 2425, + "spotted_owl, Strix_occidentalis": 884, + "spotted_salamander, Ambystoma_maculatum": 908, + "spotted_salamander, fire_salamander, Salamandra_maculosa": 897, + "spotted_sandpiper, Actitis_macularia": 1975, + "spotted_skunk, little_spotted_skunk, Spilogale_putorius": 3525, + "spotted_sunfish, stumpknocker, Lepomis_punctatus": 3839, + "spotted_weakfish, spotted_sea_trout, spotted_squeateague, Cynoscion_nebulosus": 3951, + "spouter": 10685, + "sprag": 10686, + "spray_gun": 10687, + "spray_paint": 10688, + "spread, paste": 13585, + "spreader": 10689, + "spreading_fleabane, Erigeron_divergens": 18288, + "spreading_pogonia, funnel-crest_rosebud_orchid, Cleistes_divaricata, Pogonia_divaricata": 18519, + "spree_killer": 16786, + "sprig": 10690, + "spring": 10691, + "spring_balance, spring_scale": 10692, + "spring_beauty, Clatonia_lanceolata": 17984, + "spring_cankerworm": 2911, + "spring_chicken": 1336, + "spring_cress, Cardamine_bulbosa": 18043, + "spring_peeper, Hyla_crucifer": 969, + "spring_squill, Scilla_verna, sea_onion": 19644, + "spring_water": 14086, + "springboard": 10693, + "springbok, springbuck, Antidorcas_marsupialis, Antidorcas_euchore": 3438, + "springer_spaniel, springer": 2278, + "sprinkler": 10694, + "sprinkler_system": 10695, + "sprit": 10696, + "spritsail": 10697, + "spritzer": 13947, + "sprocket": 10699, + "sprocket, sprocket_wheel": 10698, + "sprog": 16910, + "sprout": 12863, + "spruce": 17415, + "spruce_bark_beetle, Dendroctonus_rufipennis": 2586, + "spruce_beer": 14061, + "spruce_gall_aphid, Adelges_abietis": 2807, + "spruce_grouse, Canachites_canadensis": 1353, + "spruce_pine, Pinus_glabra": 17359, + "spume": 14412, + "spun_yarn": 10700, + "spur, gad": 10701, + "spur_gear, spur_wheel": 10702, + "spurge": 20854, + "spurge_laurel, wood_laurel, Daphne_laureola": 19355, + "spurge_nettle, tread-softly, devil_nettle, pica-pica, Cnidoscolus_urens, Jatropha_urens, Jatropha_stimulosus": 20877, + "spurred_gentian": 19210, + "sputnik": 10703, + "spy_satellite": 10704, + "squab": 1414, + "squad_room": 10705, + "squama": 1664, + "squamous_cell": 12081, + "square": 10706, + "square-rigger": 10708, + "square_dancer": 16911, + "square_knot": 10707, + "square_meal": 12321, + "square_sail": 10709, + "square_shooter, straight_shooter, straight_arrow": 16912, + "squash": 12839, + "squash, squash_racquets, squash_rackets": 156, + "squash, squash_vine": 18827, + "squash_ball": 10710, + "squash_bug, Anasa_tristis": 2760, + "squash_racket, squash_racquet, bat": 10711, + "squatter": 16913, + "squaw_grass, bear_grass, Xerophyllum_tenax": 19655, + "squawbush, squaw-bush, skunkbush, Rhus_trilobata": 20450, + "squawk_box, squawker, intercom_speaker": 10712, + "squeegee": 10713, + "squeezer": 10714, + "squelch_circuit, squelch, squelcher": 10715, + "squid": 1827, + "squill": 19648, + "squilla, mantis_prawn": 1875, + "squinch": 10716, + "squire": 16915, + "squirrel": 3134, + "squirrel's-foot_fern, ball_fern, Davalia_bullata, Davalia_bullata_mariesii, Davallia_Mariesii": 21505, + "squirrel_corn, Dicentra_canadensis": 18112, + "squirrel_monkey, Saimiri_sciureus": 3651, + "squirrelfish": 388, + "squirting_cucumber, exploding_cucumber, touch-me-not, Ecballium_elaterium": 18852, + "stabilizer": 10718, + "stabilizer, stabiliser": 10717, + "stabilizer_bar, anti-sway_bar": 10719, + "stable, stalls, horse_barn": 10720, + "stable_gear, saddlery, tack": 10721, + "stablemate, stable_companion": 3197, + "stabling": 10722, + "stacks": 10723, + "staddle": 10724, + "stadium, bowl, arena, sports_stadium": 10725, + "staff_member, staffer": 16916, + "staff_sergeant": 16917, + "stag": 3463, + "stag_beetle": 2570, + "stage": 10726, + "stage_director": 16918, + "stagecoach, stage": 10727, + "staggerbush, stagger_bush, Lyonia_mariana": 19022, + "staghorn_coral, stag's-horn_coral": 1702, + "staghorn_fern": 21477, + "staghorn_sumac, velvet_sumac, Virginian_sumac, vinegar_tree, Rhus_typhina": 20449, + "staghound": 2218, + "stained-glass_window": 10728, + "stainer": 16919, + "stair-carpet": 10729, + "stair-rod": 10730, + "stairwell": 10731, + "stake": 10732, + "stakeholder": 16920, + "stalked_puffball": 20994, + "stalker": 16921, + "stalking-horse": 16922, + "stall": 10734, + "stall, stand, sales_booth": 10733, + "stallion, entire": 3205, + "stammerer, stutterer": 16923, + "stamp": 10735, + "stamp_mill, stamping_mill": 10736, + "stamper, stomper, tramper, trampler": 16924, + "stamping_machine, stamper": 10737, + "stanchion": 10738, + "stand": 10739, + "stand-in, substitute, relief, reliever, backup, backup_man, fill-in": 16926, + "standard": 10740, + "standard_cell": 10741, + "standard_poodle": 2353, + "standard_schnauzer": 2249, + "standard_transmission, stick_shift": 10742, + "standee": 16925, + "standing_press": 10743, + "stanhope": 10744, + "stanhopea": 18616, + "stapelia, carrion_flower, starfish_flower": 21625, + "staphylococcus, staphylococci, staph": 289, + "staple": 10747, + "staple_gun, staplegun, tacker": 10748, + "stapler, stapling_machine": 10749, + "star": 21688, + "star, principal, lead": 16927, + "star-duckweed, Lemna_trisulca": 17822, + "star-of-Bethlehem": 19638, + "star-thistle, caltrop, Centauria_calcitrapa": 18232, + "star_anise, Chinese_anise, Illicium_verum": 17610, + "star_anise, Illicium_anisatum": 17609, + "star_apple, caimito, Chrysophyllum_cainito": 20478, + "star_begonia, star-leaf_begonia, Begonia_heracleifolia": 19384, + "star_magnolia, Magnolia_stellata": 17618, + "star_saxifrage, starry_saxifrage, Saxifraga_stellaris": 20524, + "star_tulip, elegant_cat's_ears, Calochortus_elegans": 19602, + "starches": 12292, + "starfish, sea_star": 3008, + "stargazer": 3989, + "starlet": 16928, + "starling": 710, + "starnose_mole, star-nosed_mole, Condylura_cristata": 1637, + "starship, spaceship": 10750, + "starter, dispatcher": 16929, + "starter, starter_motor, starting_motor": 10751, + "starting_gate, starting_stall": 10752, + "starved_aster, calico_aster": 18197, + "state_prison": 10756, + "state_treasurer": 16931, + "stately_home": 10755, + "stateroom": 10757, + "statesman, solon, national_leader": 16930, + "static_tube": 10758, + "station": 10759, + "stationer, stationery_seller": 16932, + "stator, stator_coil": 10760, + "statue": 10761, + "stay": 10762, + "stayer": 204, + "staysail": 10763, + "steak_au_poivre, peppered_steak, pepper_steak": 13728, + "steak_knife": 10765, + "steak_sauce": 13358, + "steak_tartare, tartar_steak, cannibal_mound": 13726, + "steakhouse, chophouse": 10764, + "stealth_aircraft": 10766, + "stealth_bomber": 10767, + "stealth_fighter": 10768, + "steam_bath, steam_room, vapor_bath, vapour_bath": 10769, + "steam_chest": 10771, + "steam_engine": 10772, + "steam_iron": 10775, + "steam_locomotive": 10776, + "steam_shovel": 10778, + "steam_turbine": 10779, + "steam_whistle": 10780, + "steamboat": 10770, + "steamed_pudding": 12594, + "steamer": 10774, + "steamer, steamship": 10773, + "steamroller, road_roller": 10777, + "steed": 3216, + "steel": 10781, + "steel-wool_pad": 10785, + "steel_arch_bridge": 10782, + "steel_blue": 12039, + "steel_drum": 10783, + "steel_mill, steelworks, steel_plant, steel_factory": 10784, + "steelyard, lever_scale, beam_scale": 10786, + "steenbok, steinbok, Raphicerus_campestris": 3450, + "steep": 14414, + "steeple, spire": 10787, + "steeplechaser": 3249, + "steerage": 10788, + "steering_gear": 10789, + "steering_linkage": 10790, + "steering_system, steering_mechanism": 10791, + "steering_wheel, wheel": 10792, + "stegosaur, stegosaurus, Stegosaur_stenops": 1099, + "stele, stela": 10793, + "stelis": 18617, + "stem-winder": 10794, + "stemless_carline_thistle, Carlina_acaulis": 18223, + "stemless_hymenoxys, Tetraneuris_acaulis, Hymenoxys_acaulis": 18458, + "stemma": 21744, + "stencil": 10795, + "stenograph": 10797, + "stenographer, amanuensis, shorthand_typist": 16933, + "stenopterygius, Stenopterygius_quadrisicissus": 1137, + "stentor": 16934, + "step, stair": 10798, + "step-down_transformer": 10799, + "step-up_transformer": 10801, + "step_stool": 10800, + "stepbrother, half-brother, half_brother": 16935, + "stephanotis": 21627, + "stepmother": 16936, + "stepparent": 16937, + "steppe": 14415, + "stepper, high_stepper": 3276, + "sterculia": 18923, + "stereo, stereophony, stereo_system, stereophonic_system": 10802, + "stereoscope": 10803, + "stern_chaser": 10804, + "sternpost": 10805, + "sternwheeler": 10806, + "stethoscope": 10807, + "stevedore, loader, longshoreman, docker, dockhand, dock_worker, dockworker, dock-walloper, lumper": 16938, + "stevia": 18443, + "stew": 12412, + "steward": 16941, + "steward, flight_attendant": 16940, + "stewing_pan, stewpan": 10808, + "stick": 10812, + "stick, control_stick, joystick": 10811, + "stick_cinnamon": 13299, + "stickball, stickball_game": 146, + "stickleback, prickleback": 399, + "stickler": 16942, + "sticktight, sticktight_flea, Echidnophaga_gallinacea": 2608, + "sticky_aster, Machaeranthera_bigelovii": 18370, + "sticky_geranium, Geranium_viscosissimum": 20229, + "stiff": 16943, + "stiff_aster, Aster_linarifolius": 18170, + "stifler, smotherer": 16944, + "stile": 10813, + "stiletto": 10814, + "still": 10815, + "stillroom, still_room": 10816, + "stilt": 10818, + "stilt, Australian_stilt": 2014, + "stilt, stiltbird, longlegs, long-legs, stilt_plover, Himantopus_stilt": 2009, + "stinger": 13972, + "stinging_nettle, Urtica_dioica": 19459, + "stingray": 496, + "stink_bell, Fritillaria_agrestis": 19621, + "stink_bomb, stench_bomb": 10820, + "stinkhorn, carrion_fungus": 21171, + "stinking_cedar, stinking_yew, Torrey_tree, Torreya_taxifolia": 17477, + "stinking_goosefoot, Chenopodium_vulvaria": 17912, + "stinking_iris, gladdon, gladdon_iris, stinking_gladwyn, roast_beef_plant, Iris_foetidissima": 19519, + "stinky_squid, Pseudocolus_fusiformis": 21178, + "stipendiary, stipendiary_magistrate": 16945, + "stirk": 3331, + "stirrer": 10821, + "stirrup, stirrup_iron": 10822, + "stirrup_pump": 10823, + "stitcher": 16946, + "stoat": 3505, + "stob": 10824, + "stock, gillyflower": 18066, + "stock, gunstock": 10825, + "stock-in-trade": 10831, + "stock_car": 10828, + "stock_cube": 12383, + "stock_saddle, Western_saddle": 10835, + "stock_trader": 16948, + "stockade": 10826, + "stockbroker_belt": 14139, + "stockcar": 10827, + "stocker": 198, + "stockinet, stockinette": 10829, + "stocking": 10830, + "stockist": 16949, + "stockjobber": 16947, + "stockpot": 10832, + "stockroom, stock_room": 10833, + "stocks": 10834, + "stockyard": 10836, + "stodge": 13243, + "stoker, fireman": 16950, + "stokes'_aster, cornflower_aster, Stokesia_laevis": 18444, + "stole": 10837, + "stolon, runner, offset": 21349, + "stomach_pump": 10839, + "stomacher": 10838, + "stomatopod, stomatopod_crustacean": 1873, + "stone_bass, wreckfish, Polyprion_americanus": 3853, + "stone_bramble, Rubus_saxatilis": 20131, + "stone_crab, Menippe_mercenaria": 1838, + "stone_curlew, thick-knee, Burhinus_oedicnemus": 2026, + "stone_marten, beech_marten, Martes_foina": 3539, + "stone_pine, umbrella_pine, European_nut_pine, Pinus_pinea": 17363, + "stone_wall": 10840, + "stonechat, Saxicola_torquata": 650, + "stonecress, stone_cress": 18006, + "stonecrop": 20506, + "stonefish, Synanceja_verrucosa": 4074, + "stonefly, stone_fly, plecopteran": 2829, + "stoneware": 10841, + "stonework": 10842, + "stonewort": 329, + "stony_coral, madrepore, madriporian_coral": 1700, + "stool": 10843, + "stoop, stoep": 10844, + "stooper": 16951, + "stop_bath, short-stop, short-stop_bath": 10845, + "stopcock, cock, turncock": 10846, + "stopper_knot": 10847, + "stopwatch, stop_watch": 10848, + "storage_battery, accumulator": 10849, + "storage_cell, secondary_cell": 10850, + "storage_medium, data-storage_medium": 12171, + "storage_ring": 10851, + "storage_space": 10852, + "store_detective": 16952, + "storeroom, storage_room, stowage": 10853, + "stork": 1896, + "storksbill, heron's_bill": 20236, + "storm_cellar, cyclone_cellar, tornado_cellar": 10854, + "storm_door": 10855, + "storm_petrel": 2096, + "storm_window, storm_sash": 10856, + "stormy_petrel, northern_storm_petrel, Hydrobates_pelagicus": 2097, + "stoup": 10858, + "stoup, stoop": 10857, + "stout": 13792, + "stove": 10859, + "stove, kitchen_stove, range, kitchen_range, cooking_stove": 10860, + "stove_bolt": 10861, + "stovepipe": 10862, + "stovepipe_iron": 10863, + "stover": 13232, + "strafer": 16953, + "straight_chair, side_chair": 10865, + "straight_flute, straight-fluted_drill": 10868, + "straight_man, second_banana": 16954, + "straight_pin": 10869, + "straight_razor": 10870, + "straightedge": 10866, + "straightener": 10867, + "strainer": 10871, + "straitjacket, straightjacket": 10872, + "strand": 14416, + "stranger": 16956, + "stranger, alien, unknown": 16955, + "strangler, strangler_tree": 21339, + "strap": 10874, + "strap_fern": 21471, + "strap_hinge, joint_hinge": 10875, + "strapless": 10876, + "strategist, strategian": 16957, + "straw_boss, assistant_foreman": 16958, + "straw_mushroom, Chinese_mushroom, Volvariella_volvacea": 21113, + "straw_wine": 13846, + "strawberry": 13038, + "strawberry_bush, wahoo, Euonymus_americanus": 20400, + "strawberry_daiquiri": 13945, + "strawberry_geranium, strawberry_saxifrage, mother-of-thousands, Saxifraga_stolonifera, Saxifraga_sarmentosam": 20525, + "strawberry_ice_cream": 12572, + "strawberry_jam, strawberry_preserves": 12634, + "strawberry_tomato, dwarf_cape_gooseberry, Physalis_pruinosa": 20838, + "strawberry_tree, Irish_strawberry, Arbutus_unedo": 18996, + "strawflower": 18336, + "strawflower, cornflower, Uvularia_grandiflora": 19673, + "strawflower, golden_everlasting, yellow_paper_daisy, Helichrysum_bracteatum": 18334, + "strawworm, jointworm": 2697, + "stray": 2392, + "stream_orchid, chatterbox, giant_helleborine, Epipactis_gigantea": 18551, + "streambed, creek_bed": 14417, + "streamer_fly": 10877, + "streamliner": 10878, + "street": 10880, + "street_clothes": 10882, + "street_sign": 12241, + "streetcar, tram, tramcar, trolley, trolley_car": 10881, + "streetlight, street_lamp": 10883, + "streetwalker, street_girl, hooker, hustler, floozy, floozie, slattern": 16959, + "streptobacillus": 287, + "streptocarpus": 20622, + "streptococcus, streptococci, strep": 292, + "streptomyces": 282, + "stretch_pants": 10886, + "stretcher": 10885, + "stretcher-bearer, litter-bearer": 16960, + "striated_muscle_cell, striated_muscle_fiber": 12134, + "strickle": 10888, + "string_bean": 12925, + "string_cheese": 13571, + "string_tie": 10892, + "stringed_instrument": 10889, + "stringer": 10891, + "stringybark": 19314, + "strip": 10893, + "strip_lighting": 10894, + "strip_mall": 10895, + "striped_bass, striper, Roccus_saxatilis, rockfish": 3852, + "striped_button_quail, Turnix_sylvatica": 1957, + "striped_coral_root, Corallorhiza_striata": 18526, + "striped_drum, Equetus_pulcher": 3933, + "striped_gentian, Gentiana_villosa": 19201, + "striped_hyena, Hyaena_hyaena": 2370, + "striped_killifish, mayfish, may_fish, Fundulus_majalis": 379, + "striped_marlin, Makaira_mitsukurii": 4044, + "striped_muishond, Ictonyx_striata": 3516, + "striped_mullet, Mugil_cephalus": 3957, + "striped_skunk, Mephitis_mephitis": 3522, + "stroboscope, strobe, strobe_light": 10896, + "strongbox, deedbox": 10897, + "stronghold, fastness": 10898, + "strongroom": 10899, + "strop": 10900, + "structural_member": 10901, + "structure, construction": 10902, + "struggler": 16961, + "stubble": 12097, + "stucco": 21815, + "stud, he-man, macho-man": 16962, + "stud, studhorse": 3206, + "stud_finder": 10906, + "student, pupil, educatee": 16963, + "student_center": 10903, + "student_lamp": 10904, + "student_union": 10905, + "studio_apartment, studio": 10907, + "studio_couch, day_bed": 10908, + "study": 10909, + "study_hall": 10910, + "stuffed_cabbage": 13730, + "stuffed_mushroom": 12972, + "stuffed_peppers": 13732, + "stuffed_tomato, cold_stuffed_tomato": 13734, + "stuffed_tomato, hot_stuffed_tomato": 13733, + "stuffing, dressing": 12657, + "stuffing_nut, packing_nut": 10911, + "stumblebum, palooka": 16964, + "stump": 10912, + "stump, tree_stump": 21326, + "stun_gun, stun_baton": 10913, + "stunt": 205, + "stupa, tope": 10914, + "sturgeon": 4065, + "sty, pigsty, pigpen": 10915, + "stylist": 16965, + "stylopodium": 17532, + "stylus": 10917, + "stylus, style": 10916, + "styracosaur, styracosaurus": 1107, + "styrax": 20488, + "sub-assembly": 10918, + "subalpine_larch, Larix_lyallii": 17397, + "subaltern": 16966, + "subarachnoid_space": 12144, + "subcompact, subcompact_car": 10919, + "subcontractor": 16967, + "subduer, surmounter, overcomer": 16968, + "subject, case, guinea_pig": 16969, + "submachine_gun": 10920, + "submarine, pigboat, sub, U-boat": 10921, + "submarine_torpedo": 10922, + "submersible": 10924, + "submersible, submersible_warship": 10923, + "subordinate, subsidiary, underling, foot_soldier": 16970, + "subshrub, suffrutex": 21331, + "substitute, reserve, second-stringer": 16971, + "subtracter": 10925, + "subtropics, semitropics": 14203, + "suburb, suburbia, suburban_area": 14138, + "subway_token": 10926, + "subway_train": 10927, + "subwoofer": 10928, + "successor, heir": 16972, + "successor, replacement": 16973, + "succorer, succourer": 16974, + "succotash": 13735, + "succulent": 21281, + "sucking_pig": 3313, + "suckling": 224, + "suction_cup": 10929, + "suction_pump": 10930, + "sudatorium, sudatory": 10931, + "suds": 13774, + "suede_cloth, suede": 10932, + "suet_pudding": 12609, + "suffragan, suffragan_bishop": 16976, + "suffragette": 16977, + "sugar, refined_sugar": 13603, + "sugar-bush, sugar_sumac, Rhus_ovata": 20448, + "sugar_beet": 12868, + "sugar_bowl": 10933, + "sugar_candy": 12533, + "sugar_daddy": 16978, + "sugar_maple, rock_maple, Acer_saccharum": 20407, + "sugar_palm, gomuti, gomuti_palm, Arenga_pinnata": 19935, + "sugar_refinery": 10934, + "sugar_snap_pea": 12908, + "sugar_snap_pea, snap_pea": 19874, + "sugar_spoon, sugar_shell": 10935, + "sugar_syrup": 13605, + "sugar_water": 14087, + "sugarberry, Celtis_laevigata": 19511, + "sugarberry, hackberry": 13039, + "sugarplum": 12534, + "suicide_bomber": 16979, + "suit, suit_of_clothes": 10936, + "suite, rooms": 10937, + "suiting": 10938, + "suitor, suer, wooer": 16980, + "sukiyaki": 13736, + "sulfur_paintbrush, Castilleja_sulphurea": 20759, + "sulky": 10939, + "sulphur-crested_cockatoo, Kakatoe_galerita, Cacatua_galerita": 1432, + "sulphur_butterfly, sulfur_butterfly": 2888, + "sultana": 13130, + "sultanate": 14213, + "sumac, sumach, shumac": 20446, + "summer_flounder, Paralichthys_dentatus": 4123, + "summer_house": 10940, + "summer_hyacinth, cape_hyacinth, Hyacinthus_candicans, Galtonia_candicans": 19637, + "summer_savory, Satureja_hortensis, Satureia_hortensis": 20722, + "summer_savory, summer_savoury": 13344, + "summer_squash": 12840, + "summer_squash, summer_squash_vine, Cucurbita_pepo_melopepo": 18828, + "summer_tanager, summer_redbird, Piranga_rubra": 787, + "sumo": 64, + "sumo_ring": 10941, + "sumo_wrestler": 16981, + "sump": 10942, + "sump_pump": 10943, + "sun, Sun": 14418, + "sun_deck": 10946, + "sun_gear": 10950, + "sun_parlor, sun_parlour, sun_porch, sunporch, sunroom, sun_lounge, solarium": 10955, + "sun_spurge, wartweed, wartwort, devil's_milk, Euphorbia_helioscopia": 20855, + "sun_tea": 14074, + "sunbather": 16982, + "sunbonnet": 10944, + "sundew, sundew_plant, daily_dew": 20499, + "sundial": 10947, + "sundowner": 16983, + "sundress": 10948, + "sundries": 10949, + "sundrops, Oenothera_fruticosa": 19349, + "sunfish, centrarchid": 3832, + "sunflower, helianthus": 18325, + "sunflower_seed": 13216, + "sunglass": 10951, + "sunglasses, dark_glasses, shades": 10952, + "sunhat, sun_hat": 10953, + "sunlamp, sun_lamp, sunray_lamp, sun-ray_lamp": 10954, + "sunniness": 11999, + "sunray, Enceliopsis_nudicaulis": 18281, + "sunroof, sunshine-roof": 10956, + "sunscreen, sunblock, sun_blocker": 10957, + "sunsuit": 10958, + "super_heavyweight": 16984, + "superbug, Bemisia_tabaci, poinsettia_strain": 2782, + "supercharger": 10959, + "supercomputer": 10960, + "superconducting_supercollider": 10961, + "superhighway, information_superhighway": 10962, + "superior, higher-up, superordinate": 16985, + "supermarket": 10963, + "supermom": 16986, + "supernova": 14419, + "supernumerary, spear_carrier, extra": 16987, + "superstructure": 10964, + "supertanker": 10965, + "supper": 12334, + "supper_club": 10966, + "supplejack": 10967, + "supply_chamber": 10968, + "supply_closet": 10969, + "support": 10971, + "support_column": 10972, + "support_hose, support_stocking": 10973, + "supporting_structure": 10974, + "supporting_tower": 10975, + "supremo": 16988, + "surcoat": 10984, + "surf_casting, surf_fishing": 107, + "surface-to-air_missile, SAM": 10981, + "surface-to-air_missile_system": 10982, + "surface_gauge, surface_gage, scribing_block": 10977, + "surface_lift": 10978, + "surface_search_radar": 10979, + "surface_ship": 10980, + "surfbird, Aphriza_virgata": 1973, + "surfboat": 10983, + "surfing, surfboarding, surfriding": 46, + "surfperch, surffish, surf_fish": 3860, + "surge_suppressor, surge_protector, spike_suppressor, spike_arrester, lightning_arrester": 10987, + "surgeon's_knot": 10985, + "surgeon, operating_surgeon, sawbones": 16989, + "surgeonfish": 4011, + "surgery": 10986, + "surgical_dressing": 10988, + "surgical_instrument": 10989, + "surgical_knife": 10990, + "suricate, Suricata_tetradactyla": 2471, + "surplice": 10991, + "surpriser": 16992, + "surrey": 10992, + "surtout": 10993, + "surveillance_system": 10994, + "surveying_instrument, surveyor's_instrument": 10995, + "surveyor": 16994, + "surveyor's_level": 10996, + "survivor, subsister": 16995, + "sushi": 13738, + "sushi_bar": 10997, + "suslik, souslik, Citellus_citellus": 3146, + "suspension, suspension_system": 10998, + "suspension_bridge": 10999, + "suspensory, suspensory_bandage": 11000, + "sustaining_pedal, loud_pedal": 11001, + "sutler, victualer, victualler, provisioner": 16996, + "suture, surgical_seam": 11002, + "suture, sutura, fibrous_joint": 12151, + "swab": 11004, + "swab, swob, mop": 11003, + "swaddling_clothes, swaddling_bands": 11005, + "swag": 11006, + "swage_block": 11007, + "swagger_stick": 11008, + "swale": 14420, + "swallow": 774, + "swallow-tailed_coat, swallowtail, morning_coat": 11009, + "swallow-tailed_kite, swallow-tailed_hawk, Elanoides_forficatus": 828, + "swami": 14596, + "swamp, swampland": 14421, + "swamp_ash, Fraxinus_caroliniana": 19224, + "swamp_azalea, swamp_honeysuckle, white_honeysuckle, Rhododendron_viscosum": 19034, + "swamp_birch, water_birch, mountain_birch, Western_paper_birch, Western_birch, Betula_fontinalis": 19163, + "swamp_buggy, marsh_buggy": 11010, + "swamp_candles, Lysimachia_terrestris": 18652, + "swamp_chestnut_oak, Quercus_michauxii": 19130, + "swamp_cottonwood, black_cottonwood, downy_poplar, swamp_poplar, Populus_heterophylla": 20365, + "swamp_dewberry, swamp_blackberry, Rubus_hispidus": 20138, + "swamp_fly_honeysuckle": 20201, + "swamp_gum, Eucalypt_ovata": 19328, + "swamp_horsetail, water_horsetail, Equisetum_fluviatile": 21580, + "swamp_laurel, bog_laurel, bog_kalmia, Kalmia_polifolia": 19014, + "swamp_milkweed, Asclepias_incarnata": 21615, + "swamp_oak, Viminaria_juncea, Viminaria_denudata": 19919, + "swamp_pine": 17381, + "swamp_rabbit, canecutter, swamp_hare, Sylvilagus_aquaticus": 3031, + "swamp_sparrow, Melospiza_georgiana": 573, + "swamp_sunflower, Helianthus_angustifolius": 18326, + "swamp_white_oak, swamp_oak, Quercus_bicolor": 19110, + "swamp_willow, black_willow, Salix_nigra": 20347, + "swan": 1567, + "swan's_down": 11011, + "swan_dive, swallow_dive": 42, + "swan_orchid, swanflower, swan-flower, swanneck, swan-neck": 18528, + "swastika, Hakenkreuz": 12243, + "swathe, wrapping": 11012, + "swatter, flyswatter, flyswat": 11013, + "sweat_bag": 11014, + "sweat_pants, sweatpants": 11017, + "sweat_suit, sweatsuit, sweats, workout_suit": 11020, + "sweatband": 11015, + "sweater, jumper": 11016, + "sweatshirt": 11018, + "sweatshop": 11019, + "sweep, sweep_oar": 11021, + "sweep_hand, sweep-second": 11022, + "sweeper": 16997, + "sweet, confection": 12463, + "sweet-potato_whitefly": 2781, + "sweet_William, Dianthus_barbatus": 17856, + "sweet_alyssum, sweet_alison, Lobularia_maritima": 18063, + "sweet_bay, swamp_bay, swamp_laurel, Magnolia_virginiana": 17619, + "sweet_bells, Leucothoe_racemosa": 19020, + "sweet_birch, cherry_birch, black_birch, Betula_lenta": 19161, + "sweet_buckeye": 20463, + "sweet_calabash": 13091, + "sweet_calabash, Passiflora_maliformis": 19439, + "sweet_cassava, Manihot_dulcis": 20883, + "sweet_cherry, Prunus_avium": 20087, + "sweet_cherry, black_cherry": 13109, + "sweet_cicely": 13347, + "sweet_cicely, Myrrhis_odorata": 20921, + "sweet_cider": 13995, + "sweet_coltsfoot, Petasites_sagitattus": 18390, + "sweet_corn, green_corn": 12952, + "sweet_false_chamomile, wild_chamomile, German_chamomile, Matricaria_recutita, Matricaria_chamomilla": 18373, + "sweet_fern, Comptonia_peregrina, Comptonia_asplenifolia": 17702, + "sweet_four_o'clock, maravilla, Mirabilis_longiflora": 17941, + "sweet_gale, Scotch_gale, Myrica_gale": 17698, + "sweet_gum, sweet_gum_tree, bilsted, red_gum, American_sweet_gum, Liquidambar_styraciflua": 19260, + "sweet_lemon, sweet_lime, Citrus_limetta": 20296, + "sweet_marjoram, knotted_marjoram, Origanum_majorana, Majorana_hortensis": 20679, + "sweet_melon, muskmelon, sweet_melon_vine, Cucumis_melo": 18847, + "sweet_orange": 13054, + "sweet_orange, sweet_orange_tree, Citrus_sinensis": 20291, + "sweet_pepper": 12872, + "sweet_pickle": 13376, + "sweet_potato": 12816, + "sweet_roll, coffee_roll": 12749, + "sweet_sand_verbena, Abronia_fragrans": 17930, + "sweet_scabious, pincushion_flower, mournful_widow, Scabiosa_atropurpurea": 20220, + "sweet_sultan, Amberboa_moschata, Centaurea_moschata": 18122, + "sweet_sultan, Centaurea_imperialis": 18234, + "sweet_unicorn_plant, Proboscidea_fragrans, Martynia_fragrans": 20744, + "sweet_vermouth, Italian_vermouth": 13851, + "sweet_vetch, Hedysarum_boreale": 19810, + "sweet_woodruff, waldmeister": 13346, + "sweet_woodruff, waldmeister, woodruff, fragrant_bedstraw, Galium_odoratum, Asperula_odorata": 20172, + "sweet_wormwood, Artemisia_annua": 18152, + "sweetbrier, sweetbriar, brier, briar, eglantine, Rosa_eglanteria": 20022, + "sweetening, sweetener": 13599, + "sweetheart, sweetie, steady, truelove": 16998, + "sweetleaf, Symplocus_tinctoria": 20486, + "sweetmeat": 12466, + "sweetsop, annon, sugar_apple": 13137, + "sweetsop, sweetsop_tree, Annona_squamosa": 17576, + "swell": 14422, + "swift": 1469, + "swiftlet, Collocalia_inexpectata": 1472, + "swimming, swim": 30, + "swimming_crab": 1844, + "swimming_trunks, bathing_trunks": 11023, + "swimsuit, swimwear, bathing_suit, swimming_costume, bathing_costume": 11024, + "swine": 3310, + "swing": 11025, + "swing_door, swinging_door": 11026, + "swinger, tramp": 16999, + "switch, electric_switch, electrical_switch": 11027, + "switch_engine, donkey_engine": 11029, + "switch_grass, Panicum_virgatum": 18738, + "switchblade, switchblade_knife, flick-knife, flick_knife": 11028, + "switcher, whipper": 17000, + "swivel": 11030, + "swivel_chair": 11031, + "swizzle": 13973, + "swizzle_stick": 11032, + "sword, blade, brand, steel": 11033, + "sword_bean, Canavalia_gladiata": 19751, + "sword_cane, sword_stick": 11034, + "sword_grass": 18668, + "swordfish, Xiphias_gladius": 4037, + "swordtail, helleri, topminnow, Xyphophorus_helleri": 382, + "swot, grind, nerd, wonk, dweeb": 17001, + "sycamore, great_maple, scottish_maple, Acer_pseudoplatanus": 20416, + "sycamore, sycamore_fig, mulberry_fig, Ficus_sycomorus": 19489, + "syconium": 21381, + "sycophant, toady, crawler, lackey, ass-kisser": 17002, + "syllabub, sillabub": 12558, + "sylph": 17003, + "symmetry, proportion": 21718, + "sympathizer, sympathiser, well-wisher": 17004, + "symphonist": 17005, + "synagogue, temple, tabernacle": 11036, + "synapsid, synapsid_reptile": 1129, + "synchrocyclotron": 11037, + "synchroflash": 11038, + "synchromesh": 11039, + "synchronous_converter, rotary, rotary_converter": 11040, + "synchronous_motor": 11041, + "synchroscope, synchronoscope, synchronizer, synchroniser": 11043, + "synchrotron": 11042, + "syncopator": 17006, + "syndic": 17007, + "synthesizer, synthesiser": 11044, + "syringe": 11045, + "syrup, sirup": 13604, + "system": 11046, + "tab_key, tab": 11050, + "tabard": 11047, + "tabasco, red_pepper": 12882, + "tabbouleh, tabooli": 13280, + "tabby, queen": 2395, + "tabby, tabby_cat": 2397, + "tabi, tabis": 11049, + "table": 11052, + "table-mountain_pine, prickly_pine, hickory_pine, Pinus_pungens": 17389, + "table-tennis_racquet, table-tennis_bat, pingpong_paddle": 11060, + "table-tennis_table, ping-pong_table, pingpong_table": 11059, + "table_knife": 11054, + "table_lamp": 11055, + "table_saw": 11056, + "table_wine": 13847, + "tablefork": 11053, + "tableland, plateau": 14423, + "tablespoon": 11057, + "tablet-armed_chair": 11058, + "tabletop": 11061, + "tableware": 11062, + "tabloid, rag, sheet": 12182, + "tabor, tabour": 11063, + "tabor_pipe": 9261, + "taboret, tabouret": 11064, + "tachina_fly": 2619, + "tachistoscope, t-scope": 11065, + "tachograph": 11066, + "tachometer, tach": 11067, + "tachymeter, tacheometer": 11068, + "tack": 11069, + "tack_hammer": 11070, + "taco": 13747, + "taco_sauce": 13359, + "tactician": 17008, + "tadpole, polliwog, pollywog": 3566, + "tadpole_shrimp": 1887, + "taenia": 1725, + "taffeta": 11071, + "taffrail": 11072, + "taffy": 12535, + "tagasaste, Chamaecytisus_palmensis, Cytesis_proliferus": 19760, + "tagger": 17009, + "tahini": 13598, + "tahoka_daisy, tansy_leaf_aster, Machaeranthera_tanacetifolia": 18369, + "tail, tail_end": 21757, + "tail_rotor, anti-torque_rotor": 11078, + "tailback": 17010, + "tailed_frog, bell_toad, ribbed_toad, tailed_toad, Ascaphus_trui": 947, + "tailgate, tailboard": 11073, + "tailless_tenrec, Tenrec_ecaudatus": 1654, + "taillight, tail_lamp, rear_light, rear_lamp": 11074, + "tailor's_chalk": 11076, + "tailor-made": 11075, + "tailorbird, Orthotomus_sutorius": 671, + "tailpipe": 11077, + "tailstock": 11079, + "taipan, Oxyuranus_scutellatus": 1229, + "take-up": 11080, + "takin, gnu_goat, Budorcas_taxicolor": 3425, + "talapoin, Cercopithecus_talapoin": 3617, + "talaria": 11081, + "talcum, talcum_powder": 11082, + "talipot, talipot_palm, Corypha_umbraculifera": 19951, + "tall_bellflower, Campanula_americana": 18489, + "tall_gallberry_holly": 20429, + "tall_goldenrod": 18439, + "tall_oat_grass, tall_meadow_grass, evergreen_grass, false_oat, French_rye, Arrhenatherum_elatius": 18684, + "tallgrass, tall-grass": 18669, + "tallyman": 17012, + "tallyman, tally_clerk": 17011, + "talus, scree": 14424, + "tam, tam-o'-shanter, tammy": 11083, + "tamale": 13740, + "tamale_pie": 13741, + "tamandua, tamandu, lesser_anteater, Tamandua_tetradactyla": 3562, + "tamarau, tamarao, Bubalus_mindorensis, Anoa_mindorensis": 3370, + "tamarin, lion_monkey, lion_marmoset, leoncita": 3641, + "tamarind, tamarind_tree, tamarindo, Tamarindus_indica": 19732, + "tamarind, tamarindo": 13155, + "tamarisk_gerbil, Meriones_unguiculatus": 3096, + "tambour": 11084, + "tambour, embroidery_frame, embroidery_hoop": 11085, + "tambourine": 11086, + "tammy": 11087, + "tamp, tamper, tamping_bar": 11088, + "tampion, tompion": 11090, + "tampon": 11091, + "tan, topaz": 12053, + "tanager": 784, + "tanbark_oak, Lithocarpus_densiflorus": 19091, + "tandoor": 11092, + "tanekaha, Phyllocladus_trichomanoides": 17480, + "tangelo, tangelo_tree, ugli_fruit, Citrus_tangelo": 20293, + "tangelo, ugli, ugli_fruit": 13052, + "tangerine": 13051, + "tangerine, tangerine_tree": 20288, + "tangle": 14425, + "tangle_orchid": 18600, + "tangram": 11093, + "tank, army_tank, armored_combat_vehicle, armoured_combat_vehicle": 11095, + "tank, storage_tank": 11094, + "tank_car, tank": 11097, + "tank_destroyer": 11098, + "tank_engine, tank_locomotive": 11099, + "tank_shell": 11101, + "tank_top": 11102, + "tankard": 11096, + "tanker, tank_driver": 17013, + "tanker_plane": 11100, + "tannoy": 11103, + "tansy, golden_buttons, scented_fern, Tanacetum_vulgare": 18453, + "tansy-leaved_rocket, Hugueninia_tanacetifolia, Sisymbrium_tanacetifolia": 18058, + "tansy_mustard, Descurainia_pinnata": 18049, + "tap, spigot": 11104, + "tap_wrench": 11115, + "tapa, tappa": 11105, + "tape, tape_recording, taping": 11106, + "tape, tapeline, tape_measure": 11107, + "tape_deck": 11108, + "tape_drive, tape_transport, transport": 11109, + "tape_grass, eelgrass, wild_celery, Vallisneria_spiralis": 20010, + "tape_player": 11110, + "tape_recorder, tape_machine": 11111, + "tapenade": 13597, + "taper": 21730, + "taper_file": 11112, + "tapestry, tapis": 11113, + "tapeworm, cestode": 1723, + "tapioca": 12606, + "tapioca_pudding": 12607, + "tapir": 3306, + "tapper, wiretapper, phone_tapper": 17014, + "tappet": 11114, + "taproot": 21344, + "tar_pit": 14426, + "tarahumara_frog, Rana_tarahumarae": 940, + "tarantula": 1272, + "tardigrade": 1302, + "tare": 11116, + "target, butt": 11117, + "target_acquisition_system": 11118, + "tarmacadam, tarmac": 21805, + "tarmacadam, tarmac, macadam": 11119, + "tarnished_plant_bug, Lygus_lineolaris": 2755, + "taro, cocoyam, dasheen, eddo": 17800, + "taro, taro_plant, dalo, dasheen, Colocasia_esculenta": 17799, + "taro, taro_root, cocoyam, dasheen, edda": 12986, + "tarpan, Equus_caballus_gomelini": 3237, + "tarpaulin, tarp": 11120, + "tarpon, Tarpon_atlanticus": 3785, + "tarragon, estragon": 13348, + "tarragon, estragon, Artemisia_dracunculus": 18154, + "tarsier": 3665, + "tartan, plaid": 11121, + "tartare_sauce, tartar_sauce": 13408, + "tarweed": 18372, + "tarwood, tar-wood, Dacrydium_colensoi": 17494, + "tarwood, tar-wood, New_Zealand_mountain_pine, Halocarpus_bidwilli, Dacrydium_bidwilli": 17497, + "tassel_flower, Emilia_sagitta": 18279, + "tassel_hyacinth, Muscari_comosum": 19642, + "tasset, tasse": 11122, + "taster, taste_tester, taste-tester, sampler": 17017, + "tatouay, cabassous, Cabassous_unicinctus": 3549, + "tattler": 1990, + "tattoo": 11123, + "tautog, blackfish, Tautoga_onitis": 3984, + "tavern, tap_house": 11124, + "tawny_eagle, Aquila_rapax": 851, + "tawny_owl, Strix_aluco": 879, + "tawse": 11125, + "tax_assessor, assessor": 17018, + "taxer": 17019, + "taxi_dancer": 17020, + "taximeter": 11126, + "taxonomist, taxonomer, systematist": 17021, + "tayra, taira, Eira_barbara": 3542, + "tea": 14066, + "tea, afternoon_tea, teatime": 12332, + "tea, tea_leaf": 14064, + "tea-like_drink": 14067, + "tea-strainer": 11140, + "tea_bag": 14065, + "tea_ball": 11129, + "tea_bread": 12669, + "tea_cart, teacart, tea_trolley, tea_wagon": 11130, + "tea_chest": 11131, + "tea_gown": 11134, + "tea_maker": 11136, + "tea_table": 11141, + "tea_tortrix, tortrix, Homona_coffearia": 2899, + "tea_tray": 11142, + "tea_urn": 11143, + "teacher, instructor": 17022, + "teaching_aid": 11132, + "teaching_fellow": 17023, + "teacup": 11133, + "teak, Tectona_grandis": 20853, + "teakettle": 11135, + "teal": 1519, + "team_sport": 176, + "teapot": 11137, + "tear_gas, teargas, lacrimator, lachrymator": 21816, + "tearaway": 17024, + "teasel, teazel, teasle": 20215, + "teashop, teahouse, tearoom, tea_parlor, tea_parlour": 11138, + "teaspoon": 11139, + "technical_sergeant": 17025, + "technician": 17026, + "tee, golf_tee": 11144, + "tee_hinge, T_hinge": 11145, + "teetotaler, teetotaller, teetotalist": 17028, + "teff, teff_grass, Eragrostis_tef, Eragrostic_abyssinica": 18719, + "teg": 3387, + "teiid_lizard, teiid": 1054, + "teju": 1061, + "telecom_hotel, telco_building": 11146, + "telecommunication, telecom": 12184, + "telecommunication_system, telecom_system, telecommunication_equipment, telecom_equipment": 11147, + "telegraph, telegraphy": 11148, + "telegraph_key": 11149, + "telegraph_plant, semaphore_plant, Codariocalyx_motorius, Desmodium_motorium, Desmodium_gyrans": 19771, + "telegraphy": 12199, + "telemeter": 11150, + "teleost_fish, teleost, teleostan": 3739, + "telephone, phone, telephone_set": 11151, + "telephone, telephony": 12185, + "telephone_bell": 11152, + "telephone_booth, phone_booth, call_box, telephone_box, telephone_kiosk": 11153, + "telephone_cord, phone_cord": 11154, + "telephone_jack, phone_jack": 11155, + "telephone_line, phone_line, telephone_circuit, subscriber_line, line": 11156, + "telephone_plug, phone_plug": 11157, + "telephone_pole, telegraph_pole, telegraph_post": 11158, + "telephone_receiver, receiver": 11159, + "telephone_system, phone_system": 11160, + "telephone_wire, telephone_line, telegraph_wire, telegraph_line": 11161, + "telephoto_lens, zoom_lens": 11162, + "telescope, scope": 11164, + "telescopic_sight, telescope_sight": 11165, + "telethermometer": 11166, + "teletypewriter, teleprinter, teletype_machine, telex, telex_machine": 11167, + "television, telecasting, TV, video": 12208, + "television, television_system": 11168, + "television_antenna, tv-antenna": 11169, + "television_camera, tv_camera, camera": 11170, + "television_equipment, video_equipment": 11171, + "television_monitor, tv_monitor": 11172, + "television_receiver, television, television_set, tv, tv_set, idiot_box, boob_tube, telly, goggle_box": 11173, + "television_reporter, television_newscaster, TV_reporter, TV_newsman": 17029, + "television_room, tv_room": 11174, + "television_transmitter": 11175, + "telpher, telfer": 11176, + "telpherage, telferage": 11177, + "tempera, poster_paint, poster_color, poster_colour": 11178, + "temple": 11180, + "temple_orange": 13047, + "temple_orange, temple_orange_tree, tangor, king_orange, Citrus_nobilis": 20292, + "temporary_hookup, patch": 11181, + "temporizer, temporiser": 17030, + "tempter": 17031, + "tempura": 13742, + "ten-spined_stickleback, Gasterosteus_pungitius": 401, + "tenant": 17035, + "tenant, renter": 17034, + "tench, Tinca_tinca": 359, + "tender": 11184, + "tender, ship's_boat, pinnace, cutter": 11183, + "tender, supply_ship": 11182, + "tenderfoot": 17036, + "tendril": 21307, + "tenement, tenement_house": 11185, + "tennis, lawn_tennis": 165, + "tennis_ball": 11186, + "tennis_camp": 11187, + "tennis_player": 17037, + "tennis_pro, professional_tennis_player": 17038, + "tennis_racket, tennis_racquet": 11188, + "tenon": 11189, + "tenor_drum, tom-tom": 11190, + "tenor_saxophonist, tenorist": 17039, + "tenoroon": 11191, + "tenpenny_nail": 11192, + "tenpin": 11193, + "tenrec, tendrac": 1653, + "tensimeter": 11194, + "tensiometer": 11197, + "tent, collapsible_shelter": 11198, + "tent-caterpillar_moth, Malacosoma_americana": 2973, + "tent-caterpillar_moth, Malacosoma_disstria": 2975, + "tent-fly, rainfly, fly_sheet, fly, tent_flap": 11201, + "tent_caterpillar": 2974, + "tent_peg": 11202, + "tenter": 11199, + "tenterhook": 11200, + "tepary_bean, Phaseolus_acutifolius_latifolius": 19868, + "tepee, tipi, teepee": 11203, + "tequila": 13894, + "terebinth, Pistacia_terebinthus": 20443, + "teredo": 1819, + "teriyaki": 13743, + "term_infant": 17032, + "termer": 17040, + "terminal": 11205, + "terminal, pole": 11204, + "termite, white_ant": 2715, + "tern": 2036, + "terra_cotta": 11207, + "terra_sigillata, Samian_ware": 11209, + "terrace, bench": 14427, + "terraced_house": 11206, + "terrapin": 1005, + "terrarium": 11208, + "terreplein": 14198, + "terrier": 2220, + "terrine": 13744, + "terror, scourge, threat": 17041, + "terry, terry_cloth, terrycloth": 11210, + "tertigravida, gravida_III": 17042, + "tessera": 11212, + "test-tube_baby": 17046, + "test_equipment": 11213, + "test_rocket, research_rocket, test_instrument_vehicle": 11214, + "test_room, testing_room": 11215, + "testacean": 309, + "testator, testate": 17043, + "testatrix": 17044, + "testee, examinee": 17045, + "testudo": 11216, + "tetherball": 111, + "tetra": 3899, + "tetrahedron": 21749, + "tetrapod": 2518, + "tetraskelion, tetraskele": 11217, + "tetrasporangium": 21294, + "tetraspore": 17324, + "tetrode": 11218, + "textile_machine": 11219, + "textile_mill": 11220, + "textile_screw_pine, lauhala, Pandanus_tectorius": 18817, + "thane": 17048, + "thatch": 12093, + "thatch, thatched_roof": 11221, + "thatch_palm, thatch_tree, silver_thatch, broom_palm, Thrinax_parviflora": 19975, + "theater, theatre, house": 11222, + "theater_curtain, theatre_curtain": 11223, + "theater_light": 11224, + "theatrical_producer": 17049, + "theca": 1670, + "theist": 15003, + "theodolite, transit": 11225, + "theologian, theologist, theologizer, theologiser": 17050, + "theorist, theoretician, theorizer, theoriser, idealogue": 17051, + "theosophist": 17052, + "therapist, healer": 17053, + "theremin": 11226, + "thermal_printer": 11227, + "thermal_reactor": 11228, + "thermocouple, thermocouple_junction": 11229, + "thermoelectric_thermometer, thermel, electric_thermometer": 11230, + "thermograph": 11232, + "thermograph, thermometrograph": 11231, + "thermohydrometer, thermogravimeter": 11233, + "thermojunction": 11234, + "thermometer": 11235, + "thermonuclear_reactor, fusion_reactor": 11236, + "thermopile": 11237, + "thermos, thermos_bottle, thermos_flask": 11238, + "thermostat, thermoregulator": 11239, + "theropod, theropod_dinosaur, bird-footed_dinosaur": 1118, + "thick-billed_murre, Uria_lomvia": 2052, + "thickhead, whistler": 633, + "thigh_pad": 11240, + "thill": 11241, + "thimble": 11242, + "thimbleweed, Anemone_cylindrica": 17653, + "thin-shelled_mussel": 1813, + "thinker": 17056, + "thinker, creative_thinker, mind": 17055, + "thinning_shears": 11243, + "third_base, third": 11244, + "third_gear, third": 11245, + "third_rail": 11246, + "thistle": 18219, + "thistledown": 17570, + "thong": 11248, + "thorn_apple": 20816, + "thornbill": 1476, + "thorny_amaranth, Amaranthus_spinosus": 17898, + "thorny_skate, Raja_radiata": 508, + "thoroughbred": 3248, + "thoroughbred, purebred, pureblood": 227, + "thrasher, mocking_thrush": 752, + "threadfin": 3987, + "threadfish, thread-fish, Alectis_ciliaris": 3879, + "three-centered_arch, basket-handle_arch": 11249, + "three-cornered_leek, triquetrous_leek, Allium_triquetrum": 19580, + "three-day_event": 12249, + "three-decker": 11250, + "three-dimensional_radar, 3d_radar": 11251, + "three-hitter, 3-hitter": 141, + "three-mile_limit": 14199, + "three-piece_suit": 11252, + "three-quarter_binding": 11253, + "three-seeded_mercury, Acalypha_virginica": 20872, + "three-spined_stickleback, Gasterosteus_aculeatus": 400, + "three-toed_sloth, ai, Bradypus_tridactylus": 3554, + "three-way_calling": 12198, + "three-way_switch, three-point_switch": 11254, + "thresher, thrasher, thresher_shark, fox_shark, Alopius_vulpinus": 462, + "thresher, thrasher, threshing_machine": 11255, + "threshing_floor": 11256, + "thrift": 18661, + "thriftshop, second-hand_store": 11257, + "thrips, thrip, thripid": 2856, + "throat_protector": 11258, + "throne": 11259, + "thrower": 17057, + "thrush": 634, + "thrush_nightingale, Luscinia_luscinia": 647, + "thrust_bearing": 11260, + "thruster": 11261, + "thumb": 11262, + "thumbhole": 11263, + "thumbscrew": 11264, + "thumbstall": 11265, + "thumbtack, drawing_pin, pushpin": 11266, + "thunder_snake, worm_snake, Carphophis_amoenus": 1143, + "thunderer": 11267, + "thurifer": 17058, + "thwart, cross_thwart": 11268, + "thylacine, Tasmanian_wolf, Tasmanian_tiger, Thylacinus_cynocephalus": 1621, + "thyme": 20732, + "thyme-leaved_sandwort, Arenaria_serpyllifolia": 17851, + "thyme-leaved_speedwell, Veronica_serpyllifolia": 20796, + "thyrse, thyrsus": 21364, + "thyrsopteris, Thyrsopteris_elegans": 21510, + "thysanopter, thysanopteron, thysanopterous_insect": 2855, + "thysanuran_insect, thysanuron": 2850, + "tiara": 11269, + "tick": 1277, + "tick_trefoil, beggar_lice, beggar's_lice": 19789, + "ticket_collector, ticket_taker": 17059, + "ticking": 11270, + "tickler_coil": 11271, + "tickseed_sunflower, Bidens_coronata, Bidens_trichosperma": 18209, + "tidal_basin": 14428, + "tideland": 14429, + "tidytips, tidy_tips, Layia_platyglossa": 18355, + "tie, railroad_tie, crosstie, sleeper": 11273, + "tie, tie_beam": 11272, + "tie_rack": 11274, + "tie_rod": 11275, + "tiercel, tercel, tercelet": 815, + "tiger, Panthera_tigris": 2436, + "tiger_beetle": 2532, + "tiger_cat": 2398, + "tiger_cowrie, Cypraea_tigris": 1784, + "tiger_cub": 222, + "tiger_lily, devil_lily, kentan, Lilium_lancifolium": 19550, + "tiger_lily, leopard_lily, pine_lily, Lilium_catesbaei": 19548, + "tiger_moth": 2969, + "tiger_rattlesnake, Crotalus_tigris": 1248, + "tiger_salamander, Ambystoma_tigrinum": 909, + "tiger_shark, Galeocerdo_cuvieri": 475, + "tiger_snake, Notechis_scutatus": 1225, + "tight_end": 17060, + "tights, leotards": 11276, + "tiglon, tigon": 2440, + "tigress": 2438, + "tile": 11277, + "tile_cutter": 11278, + "tile_roof": 11279, + "tilefish, Lopholatilus_chamaeleonticeps": 3866, + "tiler": 17061, + "tiller": 11280, + "tilt-top_table, tip-top_table, tip_table": 11282, + "tilter": 11281, + "timbale": 12621, + "timber": 11284, + "timber_hitch": 11285, + "timber_rattlesnake, banded_rattlesnake, Crotalus_horridus_horridus": 1242, + "timber_tree": 21313, + "timber_wolf, grey_wolf, gray_wolf, Canis_lupus": 2357, + "timbrel": 11286, + "time-delay_measuring_instrument, time-delay_measuring_system": 11290, + "time-fuse": 11291, + "time-switch": 11295, + "time_bomb, infernal_machine": 11287, + "time_capsule": 11288, + "time_clock": 11289, + "timekeeper, timer": 17062, + "timepiece, timekeeper, horologe": 11292, + "timer": 11294, + "timothy": 13231, + "timothy, herd's_grass, Phleum_pratense": 18747, + "timucu": 3804, + "tin": 11296, + "tinamou, partridge": 1399, + "tinderbox": 11297, + "tine": 11298, + "tineid, tineid_moth": 2922, + "tineoid, tineoid_moth": 2921, + "tinfoil, tin_foil": 11299, + "tinkerer, fiddler": 17064, + "tinsmith, tinner": 17065, + "tinter": 17066, + "tippet": 11300, + "tippler, social_drinker": 17067, + "tipster, tout": 17068, + "tipsy_cake": 12561, + "tipu, tipu_tree, yellow_jacaranda, pride_of_Bolivia": 19904, + "tiramisu": 12559, + "tire_chain, snow_chain": 11301, + "tire_iron, tire_tool": 11302, + "tisane": 14071, + "titfer": 11303, + "tithe_barn": 11304, + "titi, buckwheat_tree, Cliftonia_monophylla": 20403, + "titi, titi_monkey": 3649, + "titmouse, tit": 764, + "titrator": 11305, + "toad_lily, Montia_chamissoi": 17990, + "toad_rush, Juncus_bufonius": 17705, + "toadfish, Opsanus_tau": 3799, + "toadflax, butter-and-eggs, wild_snapdragon, devil's_flax, Linaria_vulgaris": 20768, + "toadstool": 21048, + "toast": 12709, + "toast_mistress": 17071, + "toaster": 11306, + "toaster_oven": 11307, + "toasting_fork": 11308, + "toastmaster, symposiarch": 17070, + "toastrack": 11309, + "tobacco_hornworm, tomato_worm, Manduca_sexta": 2947, + "tobacco_mildew, Peronospora_hyoscyami": 21012, + "tobacco_moth, cacao_moth, Ephestia_elutella": 2918, + "tobacco_pouch": 11310, + "tobacco_shop, tobacconist_shop, tobacconist": 11311, + "tobacco_thrips, Frankliniella_fusca": 2857, + "toboggan": 11312, + "tobogganing": 58, + "tobogganist": 17072, + "toby, toby_jug, toby_fillpot_jug": 11313, + "tocsin, warning_bell": 11314, + "tody": 1467, + "toe": 11315, + "toecap": 11316, + "toehold": 11317, + "toetoe, toitoi, Arundo_conspicua, Chionochloa_conspicua": 18685, + "toga": 11318, + "toga_virilis": 11319, + "toggle": 11320, + "toggle_bolt": 11321, + "toggle_joint": 11322, + "toggle_switch, toggle, on-off_switch, on/off_switch": 11323, + "togs, threads, duds": 11324, + "toiler": 17033, + "toilet, lavatory, lav, can, john, privy, bathroom": 11325, + "toilet_bag, sponge_bag": 11326, + "toilet_bowl": 11327, + "toilet_kit, travel_kit": 11328, + "toilet_powder, bath_powder, dusting_powder": 11329, + "toilet_seat": 11331, + "toilet_tissue, toilet_paper, bathroom_tissue": 21817, + "toilet_water, eau_de_toilette": 11332, + "toiletry, toilet_articles": 11330, + "tokamak": 11333, + "token": 11334, + "toll_bridge": 11336, + "toll_call": 12196, + "toll_line": 11338, + "tollbooth, tolbooth, tollhouse": 11335, + "tollgate, tollbar": 11337, + "tolu_tree, tolu_balsam_tree, Myroxylon_balsamum, Myroxylon_toluiferum": 19850, + "tom, tomcat": 2393, + "tomahawk, hatchet": 11339, + "tomatillo, husk_tomato, Mexican_husk_tomato": 12970, + "tomatillo, jamberry, Mexican_husk_tomato, Physalis_ixocarpa": 20839, + "tomatillo, miltomate, purple_ground_cherry, jamberry, Physalis_philadelphica": 20840, + "tomato": 12966, + "tomato_concentrate": 12296, + "tomato_hornworm, potato_worm, Manduca_quinquemaculata": 2949, + "tomato_juice": 14016, + "tomato_paste": 13380, + "tomato_sauce": 13407, + "tomboy, romp, hoyden": 17073, + "tomograph": 11341, + "tomtate, Haemulon_aurolineatum": 3913, + "tone_arm, pickup, pickup_arm": 11342, + "toner": 11343, + "tongs, pair_of_tongs": 11344, + "tongue": 11345, + "tongue, knife": 21758, + "tongue_and_groove_joint": 11346, + "tongue_depressor": 11347, + "tongue_worm, pentastomid": 1311, + "tonguefish, tongue-fish": 4130, + "tongueflower, tongue-flower": 18552, + "tongueless_frog": 981, + "tonic, tonic_water, quinine_water": 14042, + "tonka_bean, coumara_nut": 17714, + "tonometer": 11348, + "tool": 11349, + "tool_bag": 11350, + "toolbox, tool_chest, tool_cabinet, tool_case": 11351, + "toolmaker": 17074, + "toolshed, toolhouse": 11352, + "tooth": 11354, + "tooth_fungus": 21027, + "tooth_shell, tusk_shell": 1752, + "toothache_tree, sea_ash, Zanthoxylum_americanum, Zanthoxylum_fraxineum": 20306, + "toothbrush": 11355, + "toothbrush_tree, mustard_tree, Salvadora_persica": 19212, + "toothed_spurge, Euphorbia_dentata": 20871, + "toothed_whale": 2113, + "toothpick": 11356, + "top": 14201, + "top, cover": 11358, + "topgallant, topgallant_mast": 11359, + "topgallant, topgallant_sail": 11360, + "topiary": 11361, + "topknot": 11362, + "topmast": 11363, + "topminnow, poeciliid_fish, poeciliid, live-bearer": 384, + "topper": 11364, + "topsail": 11365, + "toque": 11366, + "tor": 14431, + "torch": 11367, + "torchbearer": 17075, + "toroid": 21721, + "torpedo": 11370, + "torpedo-boat_destroyer": 11372, + "torpedo_boat": 11371, + "torpedo_tube": 11373, + "torque_converter": 11374, + "torque_wrench": 11375, + "tortilla_chip": 12821, + "tortoise": 1013, + "tortoiseshell, tortoiseshell-cat, calico_cat": 2399, + "tortoiseshell, tortoiseshell_butterfly": 2865, + "tortricid, tortricid_moth": 2897, + "torture_chamber": 11376, + "tossed_salad": 13261, + "tosser": 17078, + "tosser, jerk-off, wanker": 17079, + "tostada": 13752, + "totalitarian": 17080, + "totara, Podocarpus_totara": 17490, + "totem_pole": 11377, + "toucan": 1503, + "toucanet": 1504, + "touch_football": 129, + "touch_screen, touchscreen": 11378, + "toupee, toupe": 11379, + "touraco, turaco, turacou, turakoo": 1452, + "touring_car, phaeton, tourer": 11380, + "tourist, tourer, holidaymaker": 17081, + "tourist_class, third_class": 11381, + "tout, ticket_tout": 17083, + "tout, touter": 17082, + "tovarich, tovarisch": 17084, + "tow_truck, tow_car, wrecker": 11389, + "towel": 11382, + "towel_rack, towel_horse": 11384, + "towel_rail, towel_bar": 11385, + "toweling, towelling": 11383, + "tower": 11386, + "tower_mustard, tower_cress, Turritis_glabra, Arabis_glabra": 18014, + "towhead": 17085, + "towhee": 592, + "town_clerk": 17086, + "town_crier, crier": 17087, + "town_hall": 11387, + "townsman, towner": 17088, + "towpath, towing_path": 11388, + "toxicologist": 17089, + "toy": 11390, + "toy_Manchester, toy_Manchester_terrier": 2233, + "toy_box, toy_chest": 11391, + "toy_dog, toy": 2173, + "toy_poodle": 2351, + "toy_spaniel": 2179, + "toy_terrier": 2184, + "toyon, tollon, Christmasberry, Christmas_berry, Heteromeles_arbutifolia, Photinia_arbutifolia": 20052, + "toyshop": 11392, + "trace_detector": 11393, + "trachodon, trachodont": 1111, + "track": 11395, + "track, rail, rails, runway": 11394, + "track, running": 21, + "track_and_field": 20, + "track_star": 17090, + "trackball": 11396, + "tracked_vehicle": 11397, + "tract_house": 11398, + "tract_housing": 11399, + "traction_engine": 11400, + "tractor": 11402, + "trade_magazine": 12233, + "trade_unionist, unionist, union_member": 17092, + "trader, bargainer, dealer, monger": 17091, + "tradescant's_aster": 18198, + "traditionalist, diehard": 17093, + "traffic_cop": 17094, + "traffic_light, traffic_signal, stoplight": 12242, + "tragedian": 17096, + "tragedienne": 17097, + "tragopan": 1390, + "trail_bike, dirt_bike, scrambler": 11403, + "trail_boss": 17098, + "trailer": 11405, + "trailer, house_trailer": 11404, + "trailer_camp, trailer_park": 11406, + "trailer_truck, tractor_trailer, trucking_rig, rig, articulated_lorry, semi": 11407, + "trailing_arbutus, mayflower, Epigaea_repens": 19005, + "trailing_edge": 11408, + "trailing_four_o'clock, trailing_windmills, Allionia_incarnata": 17935, + "train, railroad_train": 11409, + "trainer": 17099, + "traitor, treasonist": 17100, + "traitress": 17101, + "tramline, tramway, streetcar_track": 11410, + "trammel": 11411, + "tramp_steamer, tramp": 11413, + "trampoline": 11412, + "tramway, tram, aerial_tramway, cable_tramway, ropeway": 11414, + "transactor": 17102, + "transcriber": 17103, + "transdermal_patch, skin_patch": 11415, + "transept": 11416, + "transfer, transferee": 17104, + "transferee": 17105, + "transformer": 11417, + "transistor, junction_transistor, electronic_transistor": 11418, + "transit_instrument": 11419, + "translator, transcriber": 17106, + "transmission, transmission_system": 11420, + "transmission_shaft": 11421, + "transmitter, sender": 11422, + "transom, transom_window, fanlight": 11424, + "transom, traverse": 11423, + "transponder": 11425, + "transport_ship": 11428, + "transporter": 11426, + "transporter, car_transporter": 11427, + "transvestite, cross-dresser": 17107, + "trap": 11429, + "trap-door_spider": 1275, + "trap_door": 11430, + "trapeze": 11431, + "trapezohedron": 21759, + "trapezoid": 21687, + "trapper's_tea, glandular_Labrador_tea": 19015, + "trave, traverse, crossbeam, crosspiece": 11432, + "travel_iron": 11433, + "traveler, traveller": 14498, + "traveling_salesman, travelling_salesman, commercial_traveler, commercial_traveller, roadman, bagman": 17108, + "traverser": 17109, + "trawl, dragnet, trawl_net": 11434, + "trawl, trawl_line, spiller, setline, trotline": 11435, + "trawler": 17110, + "trawler, dragger": 11436, + "tray": 11437, + "tray_cloth": 11438, + "treacle, golden_syrup": 13608, + "tread": 11440, + "treadmill": 11442, + "treadmill, treadwheel, tread-wheel": 11441, + "treasure_chest": 11443, + "treasure_flower, Gazania_rigens": 18305, + "treasure_ship": 11444, + "tree": 21312, + "tree, tree_diagram": 21743, + "tree_cricket": 2735, + "tree_frog, tree-frog": 946, + "tree_heath, briar, brier, Erica_arborea": 18986, + "tree_lizard, Urosaurus_ornatus": 1044, + "tree_lupine, Lupinus_arboreus": 19837, + "tree_of_heaven, tree_of_the_gods, Ailanthus_altissima": 20312, + "tree_of_knowledge": 21631, + "tree_shrew": 3653, + "tree_sparrow, Passer_montanus": 585, + "tree_sparrow, Spizella_arborea": 571, + "tree_squirrel": 3135, + "tree_swallow, tree_martin, Hirundo_nigricans": 777, + "tree_swift, crested_swift": 1473, + "tree_toad, tree_frog, tree-frog": 968, + "tree_tomato, tamarillo": 20815, + "tree_wallaby, tree_kangaroo": 1605, + "treehopper": 2820, + "treelet": 21314, + "treenail, trenail, trunnel": 11445, + "trefoil_arch": 11446, + "trellis, treillage": 11447, + "trench": 11448, + "trench_coat": 11449, + "trench_knife": 11450, + "trencher": 17112, + "trend-setter, taste-maker, fashion_arbiter": 17113, + "trepan": 11451, + "trepan, trephine": 11452, + "trepang, Holothuria_edulis": 3020, + "trestle": 11454, + "trestle_bridge": 11455, + "trestle_table": 11456, + "trestlework": 11457, + "trews": 11458, + "trial_balloon": 11459, + "triangle": 11461, + "triangle, trigon, trilateral": 21680, + "tribesman": 17114, + "tribute_album, benefit_album": 12226, + "triceratops": 1106, + "trichina, Trichinella_spiralis": 1735, + "trichion, crinion": 14130, + "trichodesmium": 269, + "trichopterous_insect, trichopteran, trichopteron": 2846, + "triclinium": 11463, + "tricorn, tricorne": 11464, + "tricot": 11465, + "tricycle, trike, velocipede": 11466, + "trident": 11467, + "trier, attempter, essayer": 17115, + "trifle": 12560, + "trifler": 17116, + "trifoliate_orange, trifoliata, wild_orange, Poncirus_trifoliata": 20304, + "trigger": 11468, + "triggerfish": 4096, + "trilobite": 1257, + "trimaran": 11469, + "trimmer": 11470, + "trimmer_arch": 11471, + "triode": 11472, + "trip_wire": 11475, + "triple_cream, triple_creme": 13543, + "triple_sec": 13920, + "tripletail": 4054, + "tripod": 11473, + "triptych": 11474, + "trireme": 11476, + "triskelion, triskele": 11477, + "triumphal_arch": 11478, + "trivet": 11480, + "trogon": 1505, + "troika": 11481, + "troll": 11482, + "troll, trolling": 102, + "trolleybus, trolley_coach, trackless_trolley": 11483, + "trombiculid": 1293, + "trombidiid": 1292, + "trombone": 11484, + "troop_carrier, troop_transport": 11485, + "trooper": 17117, + "trooper, state_trooper": 17118, + "troopship": 11486, + "trophozoite": 343, + "trophy_case": 11487, + "tropic_bird, tropicbird, boatswain_bird": 2077, + "tropical_pitcher_plant": 20498, + "tropical_prawn": 1869, + "troposphere": 14433, + "trotting_horse, trotter": 3274, + "trough": 11488, + "trouser": 11489, + "trouser, pant": 11492, + "trouser_cuff": 11490, + "trouser_press, pants_presser": 11491, + "trousseau": 11493, + "trout": 3770, + "trowel": 11494, + "truant, hooky_player": 17120, + "truck, motortruck": 11495, + "true_anomaly": 21704, + "true_bug": 2764, + "true_frog, ranid": 932, + "true_fungus": 21042, + "true_laurel, bay, bay_laurel, bay_tree, Laurus_nobilis": 17595, + "true_lobster": 1855, + "true_mahogany, Cuban_mahogany, Dominican_mahogany, Swietinia_mahogani": 20261, + "true_marmoset": 3639, + "true_pepper, pepper_vine": 21421, + "true_sago_palm, Metroxylon_sagu": 19958, + "true_slime_mold, acellular_slime_mold, plasmodial_slime_mold, myxomycete": 21002, + "true_toad": 949, + "truffle, chocolate_truffle": 12537, + "truffle, earthnut": 12987, + "truffle, earthnut, earth-ball": 21024, + "trumpet_arch": 11496, + "trumpet_honeysuckle, coral_honeysuckle, trumpet_flower, trumpet_vine, Lonicera_sempervirens": 20199, + "trumpeter": 1959, + "trumpeter, cornetist": 17121, + "trumpeter, trumpeter_swan, Cygnus_buccinator": 1576, + "trumpetfish, Aulostomus_maculatus": 408, + "trumpetwood, trumpet-wood, trumpet_tree, snake_wood, imbauba, Cecropia_peltata": 19491, + "truncated_cone": 21756, + "truncated_pyramid": 21755, + "truncheon, nightstick, baton, billy, billystick, billy_club": 11497, + "trundle_bed, trundle, truckle_bed, truckle": 11498, + "trunk": 11499, + "trunk_hose": 11500, + "trunk_lid": 11501, + "trunk_line": 11502, + "truss": 11503, + "truss_bridge": 11504, + "trusty": 17122, + "try_square": 11505, + "tsetse_fly, tsetse, tzetze_fly, tzetze, glossina": 2614, + "tuatara, Sphenodon_punctatum": 1022, + "tub, vat": 11507, + "tub_gurnard, yellow_gurnard, Trigla_lucerna": 4091, + "tube, vacuum_tube, thermionic_vacuum_tube, thermionic_tube, electron_tube, thermionic_valve": 11508, + "tubercle_bacillus, Mycobacterium_tuberculosis": 285, + "tuberose, Polianthes_tuberosa": 19683, + "tuberous_begonia": 19379, + "tuberous_plant": 21350, + "tuck": 12252, + "tuck_box": 11509, + "tuck_shop": 11512, + "tucker": 11510, + "tucker-bag": 11511, + "tudung": 11514, + "tufted_gentian, Gentianopsis_holopetala, Gentiana_holopetala": 19209, + "tufted_puffin, Lunda_cirrhata": 2056, + "tufted_titmouse, Parus_bicolor": 767, + "tufted_vetch, bird_vetch, Calnada_pea, Vicia_cracca": 19909, + "tugboat, tug, towboat, tower": 11515, + "tulip": 19627, + "tulip_orchid, Encyclia_citrina, Cattleya_citrina": 18545, + "tulip_tree, tulip_poplar, yellow_poplar, canary_whitewood, Liriodendron_tulipifera": 17621, + "tulipwood_tree": 18909, + "tulle": 11516, + "tumble-dryer, tumble_drier": 11517, + "tumblebug": 2559, + "tumbler": 17124, + "tumbleweed": 19858, + "tumbleweed, Amaranthus_albus, Amaranthus_graecizans": 17895, + "tumbrel, tumbril": 11519, + "tun": 11520, + "tuna, Anguilla_sucklandii": 3736, + "tuna, Opuntia_tuna": 17967, + "tuna, tunny": 4028, + "tuna_fish_salad, tuna_salad": 13275, + "tunaburger": 12779, + "tundra": 14434, + "tundra_swan, Cygnus_columbianus": 1573, + "tung_tree, tung, tung-oil_tree, Aleurites_fordii": 20885, + "tunic": 11521, + "tunicate, urochordate, urochord": 422, + "tuning_fork": 11522, + "tupelo, tupelo_tree": 19337, + "tupik, tupek, sealskin_tent": 11523, + "turban": 11524, + "turban_squash": 12852, + "turban_squash, Cucurbita_maxima_turbaniformis": 18838, + "turbine": 11525, + "turbogenerator": 11526, + "turbot, Psetta_maxima": 4129, + "tureen": 11527, + "turfing_daisy, Tripleurospermum_tchihatchewii, Matricaria_tchihatchewii": 18465, + "turkey, Meleagris_gallopavo": 1340, + "turkey_cock, gobbler, tom, tom_turkey": 1341, + "turkey_stew": 12436, + "turkey_stuffing": 12658, + "turmeric": 13350, + "turmeric, Curcuma_longa, Curcuma_domestica": 19372, + "turnbuckle": 11531, + "turner, food_turner": 11532, + "turnery": 11533, + "turnip": 12979, + "turnip, white_turnip, Brassica_rapa": 18030, + "turnip_greens": 12982, + "turnip_plant": 18029, + "turnover": 12616, + "turnpike": 11534, + "turnspit": 11535, + "turnstile": 11536, + "turnstone": 1969, + "turntable": 11537, + "turntable, lazy_Susan": 11538, + "turpentine_camphor_weed, camphorweed, vinegarweed, Trichostema_lanceolatum": 20736, + "turret": 11539, + "turret_clock": 11540, + "turtle": 991, + "turtle_soup, green_turtle_soup": 12398, + "turtledove": 1408, + "turtleneck, turtle, polo-neck": 11541, + "tusker": 1584, + "tussah, tusseh, tussur, tussore, tusser, Antheraea_mylitta": 2966, + "tussock_bellflower, spreading_bellflower, Campanula_carpatica": 18495, + "tussock_caterpillar": 2903, + "tutee": 17125, + "tutti-frutti": 12573, + "twayblade": 18577, + "twayblade, Listera_ovata": 18581, + "tweed": 11542, + "tweeter": 11543, + "twenty-two, .22": 11544, + "twenty-two_pistol": 11545, + "twenty-two_rifle": 11546, + "twill": 11547, + "twill, twill_weave": 11548, + "twin": 17126, + "twin_bed": 11549, + "twinjet": 11550, + "twinkler": 14435, + "twist_bit, twist_drill": 11551, + "twitterer": 3691, + "two-by-four": 11552, + "two-eyed_violet, heartsease, Viola_ocellata": 19452, + "two-hitter, 2-hitter": 140, + "two-man_tent": 11553, + "two-piece, two-piece_suit, lounge_suit": 11554, + "two-spotted_ladybug, Adalia_bipunctata": 2534, + "two-timer": 17127, + "two-toed_sloth, unau, unai, Choloepus_didactylus": 3555, + "two-toed_sloth, unau, unai, Choloepus_hoffmanni": 3556, + "tympanist, timpanist": 17129, + "typesetting_machine": 11555, + "typewriter": 11556, + "typewriter_carriage": 11557, + "typewriter_keyboard": 11558, + "typhoid_bacillus, Salmonella_typhosa, Salmonella_typhi": 278, + "typical_jerboa": 3123, + "typist": 17130, + "tyrannid": 606, + "tyrannosaur, tyrannosaurus, Tyrannosaurus_rex": 1121, + "tyrant, autocrat, despot": 17131, + "tyrolean, tirolean": 11559, + "uakari": 3648, + "uke, ukulele": 11560, + "ulster": 11561, + "ultracentrifuge": 11562, + "ultramarine": 12061, + "ultramicroscope, dark-field_microscope": 11563, + "ultraviolet_lamp, ultraviolet_source": 11565, + "umbel": 21357, + "umbellifer, umbelliferous_plant": 20892, + "umbrella": 11566, + "umbrella_bird, Cephalopterus_ornatus": 622, + "umbrella_fern, fan_fern, Sticherus_flabellatus, Gleichenia_flabellata": 21462, + "umbrella_plant, Eriogonum_allenii": 19986, + "umbrella_plant, Indian_rhubarb, Darmera_peltata, Peltiphyllum_peltatum": 20533, + "umbrella_plant, umbrella_sedge, Cyperus_alternifolius": 18802, + "umbrella_tent": 11567, + "umbrella_tree, Schefflera_actinophylla, Brassaia_actinophylla": 17836, + "umbrella_tree, umbrella_magnolia, elkwood, elk-wood, Magnolia_tripetala": 17613, + "umbrellawort": 17937, + "umpire, ump": 17132, + "undercarriage": 11568, + "undercoat, underseal": 11569, + "undergarment, unmentionable": 11570, + "underpants": 11571, + "undershrub": 21330, + "understudy, standby": 17133, + "underwear, underclothes, underclothing": 11572, + "underwing": 2934, + "undesirable": 17134, + "undies": 11573, + "uneven_parallel_bars, uneven_bars": 11574, + "unguiculate, unguiculate_mammal": 3189, + "ungulate, hoofed_mammal": 3188, + "unicycle, monocycle": 11575, + "unicyclist": 17135, + "uniform": 11576, + "unilateralist": 17136, + "universal_donor": 17139, + "universal_joint, universal": 11577, + "university": 11578, + "unskilled_person": 14500, + "unwelcome_person, persona_non_grata": 14499, + "uphill": 14436, + "upholstery": 11579, + "upholstery_material": 11580, + "upholstery_needle": 11581, + "upland_cotton, Gossypium_hirsutum": 18880, + "upland_sandpiper, upland_plover, Bartramian_sandpiper, Bartramia_longicauda": 1987, + "upland_white_aster, Aster_ptarmicoides": 18175, + "uplift": 11582, + "upper_berth, upper": 11583, + "upright, upright_piano": 11584, + "upset, swage": 11585, + "upsetter": 17142, + "upstager": 17143, + "upstairs": 11586, + "upstart": 17145, + "upstart, parvenu, nouveau-riche, arriviste": 17144, + "urceole": 11587, + "urchin": 17146, + "urial, Ovis_vignei": 3403, + "urn": 11589, + "urodele, caudate": 894, + "urolith": 14437, + "urologist": 17147, + "ursinia": 18467, + "used-car, secondhand_car": 11590, + "usher, doorkeeper": 17149, + "usherette": 17148, + "usurper, supplanter": 17150, + "utahraptor, superslasher": 1128, + "utensil": 11591, + "utility_man": 17151, + "utilizer, utiliser": 17152, + "uxoricide": 17154, + "vacation_home": 11593, + "vacationer, vacationist": 17155, + "vacuum, vacuum_cleaner": 11594, + "vacuum_chamber": 11595, + "vacuum_flask, vacuum_bottle": 11596, + "vacuum_gauge, vacuum_gage": 11597, + "valedictorian, valedictory_speaker": 17156, + "valerian": 20946, + "valise": 11599, + "valley, vale": 14438, + "valley_girl": 17157, + "valley_pocket_gopher, Thomomys_bottae": 3132, + "valve": 11601, + "valve-in-head_engine": 11602, + "vambrace, lower_cannon": 11603, + "vampire_bat, true_vampire_bat": 2509, + "van": 11604, + "van, caravan": 11605, + "vanda": 18619, + "vandyke_beard, vandyke": 12098, + "vane": 11606, + "vanilla": 18621, + "vanilla_bean": 13396, + "vanilla_ice_cream": 12574, + "vanilla_orchid, Vanilla_planifolia": 18622, + "vanilla_pudding": 12596, + "vaporizer, vaporiser": 11607, + "vaquita, Phocoena_sinus": 2126, + "variable-pitch_propeller": 11608, + "varicella_zoster_virus": 254, + "varied_Lorikeet, Glossopsitta_versicolor": 1438, + "variegated_horsetail, variegated_scouring_rush, Equisetum_variegatum": 21584, + "varietal, varietal_wine": 13858, + "variola_major, variola_major_virus": 244, + "variometer": 11609, + "varnish": 11610, + "varnish_tree, lacquer_tree, Chinese_lacquer_tree, Japanese_lacquer_tree, Japanese_varnish_tree, Japanese_sumac, Toxicodendron_vernicifluum, Rhus_verniciflua": 20460, + "vascular_ray, medullary_ray": 21300, + "vase": 11611, + "vault": 11612, + "vault, bank_vault": 11613, + "vaulter, pole_vaulter, pole_jumper": 17158, + "vaulting_horse, long_horse, buck": 11614, + "veal_cordon_bleu": 12654, + "veal_parmesan, veal_parmigiana": 12653, + "veal_scallopini": 13719, + "vedalia, Rodolia_cardinalis": 2537, + "veery, Wilson's_thrush, Hylocichla_fuscescens": 644, + "vegan": 17160, + "vegetable, veggie, veg": 12794, + "vegetarian": 17159, + "vegetarianism": 12282, + "vehicle": 12163, + "vehicle-borne_transmission": 14439, + "vein, mineral_vein": 14440, + "vein, vena, venous_blood_vessel": 12112, + "veld, veldt": 14205, + "velocipede": 11617, + "velociraptor": 1126, + "velour, velours": 11618, + "veloute": 13467, + "velvet": 11619, + "velvet_ant": 2689, + "velvet_bent, velvet_bent_grass, brown_bent, Rhode_Island_bent, dog_bent, Agrostis_canina": 18678, + "velvet_grass, Yorkshire_fog, Holcus_lanatus": 18725, + "velvet_plant, purple_velvet_plant, royal_velvet_plant, Gynura_aurantiaca": 18317, + "velveteen": 11620, + "velvetleaf, velvet-leaf, velvetweed, Indian_mallow, butter-print, China_jute, Abutilon_theophrasti": 18869, + "vending_machine": 11621, + "veneer, veneering": 11622, + "venerator": 17161, + "venomous_lizard": 1074, + "ventilation, ventilation_system, ventilating_system": 11625, + "ventilation_shaft": 11626, + "ventilator": 11627, + "venture_capitalist": 17162, + "venturer, merchant-venturer": 17163, + "veranda, verandah, gallery": 11628, + "verbena, vervain": 20848, + "verdigris": 11629, + "verdin, Auriparus_flaviceps": 772, + "vermillion_flycatcher, firebird, Pyrocephalus_rubinus_mexicanus": 616, + "vermillion_rockfish, rasher, Sebastodes_miniatus": 4077, + "vermin, varmint": 17164, + "vermouth": 13850, + "vernal_witch_hazel, Hamamelis_vernalis": 19256, + "vernier_caliper, vernier_micrometer": 11630, + "vernier_scale, vernier": 11631, + "veronica, speedwell": 20787, + "vertebrate, craniate": 430, + "vertex, peak, apex, acme": 14206, + "vertical_file": 11632, + "vertical_stabilizer, vertical_stabiliser, vertical_fin, tail_fin, tailfin": 11633, + "vertical_tail": 11634, + "verticillium": 21270, + "vervet, vervet_monkey, Cercopithecus_aethiops_pygerythrus": 3619, + "very_important_person, VIP, high-up, dignitary, panjandrum, high_muckamuck": 17165, + "vesiculovirus": 242, + "vesper_sparrow, grass_finch, Pooecetes_gramineus": 566, + "vespertilian_bat, vespertilionid": 2491, + "vespid, vespid_wasp": 2678, + "vessel": 11637, + "vessel, watercraft": 11636, + "vest, waistcoat": 11638, + "vest_pocket": 11641, + "vestiture": 11639, + "vestment": 11640, + "vestry, sacristy": 11642, + "vetch": 19908, + "vetchling": 19816, + "viaduct": 11643, + "viand": 12444, + "vibist, vibraphonist": 17166, + "vibraphone, vibraharp, vibes": 11644, + "vibrator": 11646, + "vicar": 17168, + "vicar-general": 17169, + "vice-regent": 17173, + "vice_chancellor": 17170, + "vice_president, V.P.": 17172, + "vicegerent": 17171, + "viceroy, Limenitis_archippus": 2872, + "vichyssoise": 12411, + "victim, dupe": 17174, + "victualer, victualler": 17176, + "vicuna": 11648, + "vicuna, Vicugna_vicugna": 3499, + "video_iPod": 7872, + "video_recording, video": 11652, + "videocassette": 11649, + "videocassette_recorder, VCR": 11650, + "videodisk, videodisc, DVD": 11651, + "videotape": 11654, + "vigil_light, vigil_candle": 11655, + "vigilante, vigilance_man": 17177, + "villa": 11658, + "villager": 17178, + "vin_ordinaire": 13849, + "vine": 21305, + "vine_maple, Acer_circinatum": 20413, + "vine_snake": 1187, + "vinegar, acetum": 13397, + "vinegar_eel, vinegar_worm, Anguillula_aceti, Turbatrix_aceti": 1734, + "vinegar_fly": 2632, + "vinegarroon, Mastigoproctus_giganteus": 1264, + "vinifera, vinifera_grape, common_grape_vine, Vitis_vinifera": 21409, + "vinifera_grape": 13126, + "vintage": 13803, + "vintager": 17179, + "vintner, wine_merchant": 17180, + "viol": 11659, + "viola": 19446, + "viola_d'amore": 11663, + "viola_da_braccio": 11661, + "viola_da_gamba, gamba, bass_viol": 11662, + "violator, debaucher, ravisher": 17181, + "violator, lawbreaker, law_offender": 17182, + "violet": 19447, + "violet-flowered_petunia, Petunia_integrifolia": 20835, + "violet_wood_sorrel, Oxalis_violacea": 20269, + "violin, fiddle": 11664, + "violist": 17183, + "viper": 1231, + "viperine_grass_snake, Natrix_maura": 1182, + "virago": 17184, + "vireo": 804, + "virgin's_bower, old_man's_beard, devil's_darning_needle, Clematis_virginiana": 17675, + "virginal, pair_of_virginals": 11665, + "viroid, virusoid": 245, + "virologist": 17185, + "viscacha, chinchillon, Lagostomus_maximus": 3179, + "viscometer, viscosimeter": 11666, + "viscose_rayon, viscose": 11667, + "viscount": 17188, + "viscountess": 17187, + "vise, bench_vise": 11668, + "visionary": 17190, + "visiting_fireman": 17191, + "visiting_professor": 17192, + "visor, vizor": 11669, + "visual_display_unit, VDU": 11670, + "visualizer, visualiser": 17193, + "vitamin": 21819, + "vitamin_A, antiophthalmic_factor, axerophthol, A": 21822, + "vitamin_A1, retinol": 21823, + "vitamin_A2, dehydroretinol": 21824, + "vitamin_B1, thiamine, thiamin, aneurin, antiberiberi_factor": 21826, + "vitamin_B12, cobalamin, cyanocobalamin, antipernicious_anemia_factor": 21827, + "vitamin_B2, vitamin_G, riboflavin, lactoflavin, ovoflavin, hepatoflavin": 21828, + "vitamin_B6, pyridoxine, pyridoxal, pyridoxamine, adermin": 21829, + "vitamin_Bc, vitamin_M, folate, folic_acid, folacin, pteroylglutamic_acid, pteroylmonoglutamic_acid": 21830, + "vitamin_C, C, ascorbic_acid": 21839, + "vitamin_D, calciferol, viosterol, ergocalciferol, cholecalciferol, D": 21832, + "vitamin_E, tocopherol, E": 21833, + "vitamin_K, naphthoquinone, antihemorrhagic_factor": 21835, + "vitamin_K1, phylloquinone, phytonadione": 21836, + "vitamin_K3, menadione": 21837, + "vitamin_P, bioflavinoid, citrin": 21838, + "vitamin_pill": 14098, + "vivarium": 11671, + "viverrine, viverrine_mammal": 2455, + "viviparous_eelpout, Zoarces_viviparus": 4002, + "vixen": 2375, + "vixen, harpy, hellcat": 17194, + "vizier": 17195, + "vizsla, Hungarian_pointer": 2270, + "vodka": 13895, + "vodka_martini": 13959, + "voice_mail, voicemail": 12186, + "voicer": 17196, + "voile": 11673, + "volcanic_crater, crater": 14441, + "volcano": 14442, + "vole, field_mouse": 3079, + "volleyball": 11674, + "volleyball, volleyball_game": 157, + "volleyball_net": 11675, + "voltage_regulator": 11676, + "voltaic_cell, galvanic_cell, primary_cell": 11677, + "voltaic_pile, pile, galvanic_pile": 11678, + "voltmeter": 11679, + "volunteer, military_volunteer, voluntary": 17198, + "volunteer, unpaid_worker": 17197, + "volva": 17305, + "vomitory": 11680, + "von_Neumann_machine": 11681, + "votary": 17200, + "voting_booth": 11682, + "voting_machine": 11683, + "vouchee": 17201, + "voussoir": 11684, + "vower": 17202, + "vox_angelica, voix_celeste": 11685, + "vox_humana": 11686, + "voyager": 17203, + "voyeur, Peeping_Tom, peeper": 17204, + "vulcanizer, vulcaniser": 17205, + "vulture": 858, + "waders": 11687, + "wadi": 14443, + "wading_bird, wader": 1895, + "wading_pool": 11688, + "wafer": 12710, + "waffle_iron": 11689, + "waffler": 17206, + "wagon, coaster_wagon": 11691, + "wagon, waggon": 11690, + "wagon_tire": 11692, + "wagon_wheel": 11693, + "wagtail": 542, + "wahoo, Acanthocybium_solandri": 4022, + "wahoo, burning_bush, Euonymus_atropurpureus": 20399, + "waif, street_child": 17208, + "wailer": 17209, + "wain": 11694, + "wainscot, wainscoting, wainscotting": 11695, + "wainscoting, wainscotting": 11696, + "waist_pack, belt_bag": 11697, + "waiter, server": 17210, + "waitress": 17211, + "wake-up_call": 12197, + "walk-in": 11702, + "walk-on": 17213, + "walk-up_apartment, walk-up": 11706, + "walker": 11700, + "walker, Zimmer, Zimmer_frame": 11699, + "walker, baby-walker, go-cart": 11698, + "walkie-talkie, walky-talky": 11701, + "walking_delegate": 17212, + "walking_fern, walking_leaf, Asplenium_rhizophyllum, Camptosorus_rhizophyllus": 21489, + "walking_leaf, leaf_insect": 2740, + "walking_shoe": 11703, + "walking_stick": 11704, + "walking_stick, walkingstick, stick_insect": 2738, + "wall": 21765, + "wall_clock": 11709, + "wall_creeper, tichodrome, Tichodroma_muriaria": 760, + "wall_tent": 11711, + "wall_unit": 11712, + "wallaby, brush_kangaroo": 1599, + "wallah": 17214, + "wallet, billfold, notecase, pocketbook": 11710, + "walleye, walleyed_pike, jack_salmon, dory, Stizostedion_vitreum": 3818, + "wallflower": 18051, + "wallflower, Cheiranthus_cheiri, Erysimum_cheiri": 18045, + "wally": 17215, + "walnut": 13197, + "walnut, walnut_tree": 19262, + "walrus, seahorse, sea_horse": 2158, + "walrus_mustache, walrus_moustache": 12096, + "waltzer": 17216, + "wand": 11713, + "wanderer, roamer, rover, bird_of_passage": 17217, + "wandering_albatross, Diomedea_exulans": 2088, + "wandflower, Sparaxis_tricolor": 19533, + "wanton": 17219, + "wapiti, elk, American_elk, Cervus_elaphus_canadensis": 3472, + "war_paint": 11720, + "war_room": 11722, + "waratah, Telopea_Oreades": 18979, + "waratah, Telopea_speciosissima": 18980, + "warble_fly": 2624, + "warbler": 658, + "ward, hospital_ward": 11715, + "wardrobe, closet, press": 11716, + "wardroom": 11717, + "warehouse, storage_warehouse": 11718, + "warhorse": 3213, + "warming_pan": 11719, + "warplane, military_plane": 11721, + "warrantee": 17221, + "warren, rabbit_warren": 14445, + "warship, war_vessel, combat_ship": 11723, + "warthog": 3320, + "wasabi": 18084, + "wash": 11724, + "wash-and-wear": 11725, + "washbasin, handbasin, washbowl, lavabo, wash-hand_basin": 11726, + "washboard": 11728, + "washboard, splashboard": 11727, + "washer": 17222, + "washer, automatic_washer, washing_machine": 11729, + "washerman, laundryman": 17223, + "washhouse": 11731, + "washroom": 11732, + "washstand, wash-hand_stand": 11733, + "washtub": 11734, + "washwoman, washerwoman, laundrywoman, laundress": 17224, + "wasp": 2677, + "wasp's_nest, wasps'_nest, hornet's_nest, hornets'_nest": 14446, + "wassail": 14054, + "wassailer, carouser": 17225, + "wastepaper_basket, waste-paper_basket, wastebasket, waste_basket, circular_file": 11735, + "wastrel, waster": 17226, + "watch, ticker": 11736, + "watch_cap": 11737, + "watch_case": 11738, + "watch_glass": 11739, + "watchdog, guard_dog": 2288, + "watchtower": 11740, + "water": 14083, + "water-base_paint": 11741, + "water-cooled_reactor": 11749, + "water-mint, water_mint, Mentha_aquatica": 20684, + "water-shield, Brasenia_schreberi, water-target": 17632, + "water-shield, fanwort, Cabomba_caroliniana": 17631, + "water-skiing": 47, + "water-soluble_vitamin": 21821, + "water_bed": 11742, + "water_beetle": 2575, + "water_biscuit": 12766, + "water_boatman, boat_bug": 2769, + "water_bottle": 11743, + "water_buffalo, water_ox, Asiatic_buffalo, Bubalus_bubalis": 3366, + "water_bug": 2766, + "water_butt": 11744, + "water_cart": 11745, + "water_chestnut, Chinese_water_chestnut, Eleocharis_dulcis": 18813, + "water_chevrotain, water_deer, Hyemoschus_aquaticus": 3491, + "water_chinquapin, American_lotus, yanquapin, Nelumbo_lutea": 17630, + "water_chute": 11746, + "water_closet, closet, W.C., loo": 11747, + "water_clover, Marsilea_quadrifolia": 20968, + "water_cooler": 11750, + "water_crowfoot, water_buttercup, Ranunculus_aquatilis": 17636, + "water_dog": 2260, + "water_elm, Ulmus_laevis": 19500, + "water_faucet, water_tap, tap, hydrant": 11751, + "water_fennel, Oenanthe_aquatica": 20922, + "water_filter": 11752, + "water_gauge, water_gage, water_glass": 11753, + "water_gillyflower, American_featherfoil, Hottonia_inflata": 18645, + "water_glass": 11754, + "water_gum, Nyssa_aquatica": 19338, + "water_hazard": 11755, + "water_heater, hot-water_heater, hot-water_tank": 11756, + "water_hemlock, Cicuta_verosa": 20906, + "water_hickory, bitter_pecan, water_bitternut, Carya_aquatica": 19268, + "water_horehound, Lycopus_americanus": 20675, + "water_hyacinth, water_orchid, Eichhornia_crassipes, Eichhornia_spesiosa": 20001, + "water_ice, sorbet": 12565, + "water_jacket": 11759, + "water_jug": 11760, + "water_jump": 11761, + "water_level": 11762, + "water_lobelia, Lobelia_dortmanna": 18861, + "water_locust, swamp_locust, Gleditsia_aquatica": 19719, + "water_meter": 11763, + "water_milfoil": 19286, + "water_mill": 11764, + "water_moccasin": 1180, + "water_moccasin, cottonmouth, cottonmouth_moccasin, Agkistrodon_piscivorus": 1239, + "water_mold": 21008, + "water_nymph, fragrant_water_lily, pond_lily, Nymphaea_odorata": 17626, + "water_oak, possum_oak, Quercus_nigra": 19135, + "water_ouzel, dipper": 801, + "water_parsnip, Sium_suave": 20933, + "water_pimpernel": 18654, + "water_plantain, Alisma_plantago-aquatica": 20004, + "water_polo": 112, + "water_pump": 11767, + "water_rat": 3063, + "water_scooter, sea_scooter, scooter": 11768, + "water_scorpion": 2768, + "water_shamrock, buckbean, bogbean, bog_myrtle, marsh_trefoil, Menyanthes_trifoliata": 19696, + "water_shrew": 1647, + "water_ski": 11769, + "water_snake": 1178, + "water_spaniel": 2283, + "water_speedwell, Veronica_michauxii, Veronica_anagallis-aquatica": 20793, + "water_sport, aquatics": 29, + "water_star_grass, mud_plantain, Heteranthera_dubia": 20002, + "water_starwort": 20247, + "water_strider, pond-skater, water_skater": 2770, + "water_table, water_level, groundwater_level": 14449, + "water_thrush": 687, + "water_tower": 11771, + "water_turkey, Anhinga_anhinga": 2076, + "water_violet, Hottonia_palustris": 18646, + "water_vole, Richardson_vole, Microtus_richardsoni": 3086, + "water_vole, water_rat, Arvicola_amphibius": 3088, + "water_wagon, water_waggon": 11772, + "water_wings": 11775, + "waterbuck": 3456, + "watercolor, water-color, watercolour, water-colour": 11748, + "watercourse": 14447, + "watercress": 18005, + "waterdog": 911, + "waterfowl, water_bird, waterbird": 1509, + "waterfront": 14177, + "watering_can, watering_pot": 11757, + "watering_cart": 11758, + "waterleaf": 20624, + "waterline, water_line, water_level": 14207, + "watermeal": 17824, + "watermelon": 13107, + "watermelon_begonia, Peperomia_argyreia, Peperomia_sandersii": 21426, + "waterproof": 11765, + "waterproofing": 11766, + "waterside": 14448, + "waterspout": 11770, + "waterweed": 20008, + "waterwheel, water_wheel": 11774, + "waterwheel_plant, Aldrovanda_vesiculosa": 20501, + "waterworks": 11776, + "wattle": 17729, + "wattle_and_daub": 21814, + "wattmeter": 11777, + "wave": 17301, + "wave, undulation": 21659, + "waverer, vacillator, hesitator, hesitater": 16835, + "wavy-leaved_aster": 18199, + "wax_bean": 19864, + "wax_bean, yellow_bean": 12929, + "wax_begonia, Begonia_semperflorens": 19386, + "wax_myrtle": 17699, + "wax_palm, Ceroxylon_andicola, Ceroxylon_alpinum": 19944, + "wax_plant, Hoya_carnosa": 21623, + "waxflower, Clusia_insignis": 19398, + "waxmallow, wax_mallow, sleeping_hibiscus": 18898, + "waxwing": 808, + "waxwork, wax_figure": 11778, + "waxycap": 21244, + "wayfaring_tree, twist_wood, twistwood, Viburnum_lantana": 20210, + "ways, shipway, slipway": 11779, + "weakfish, Cynoscion_regalis": 3950, + "weald": 14184, + "weapon, arm, weapon_system": 11780, + "weaponry, arms, implements_of_war, weapons_system, munition": 11781, + "weapons_carrier": 11782, + "weasel": 3503, + "weather_satellite, meteorological_satellite": 11785, + "weather_ship": 11786, + "weathercock": 11783, + "weatherglass": 11784, + "weatherman, weather_forecaster": 17228, + "weathervane, weather_vane, vane, wind_vane": 11787, + "weaver, weaverbird, weaver_finch": 595, + "web": 11789, + "web, entanglement": 11788, + "web-spinning_mite": 1290, + "web-toed_salamander": 926, + "web_site, website, internet_site, site": 12214, + "web_spinner": 2596, + "webbing": 11790, + "webbing_clothes_moth, webbing_moth, Tineola_bisselliella": 2925, + "webcam": 11791, + "webworm": 2979, + "webworm_moth": 2980, + "wedding, wedding_party": 14111, + "wedge": 11793, + "wedge, wedge_shape, cuneus": 21760, + "wedgie": 11794, + "weed": 21283, + "weeder": 17230, + "weeder, weed-whacker": 11796, + "weeds, widow's_weeds": 11797, + "weekend_warrior": 17229, + "weekender": 11798, + "weeping_beech, Fagus_pendula, Fagus_sylvatica_pendula": 19079, + "weeping_love_grass, African_love_grass, Eragrostis_curvula": 18720, + "weeping_spruce, Brewer's_spruce, Picea_breweriana": 17417, + "weeping_tree_broom": 19761, + "weeping_willow, Babylonian_weeping_willow, Salix_babylonica": 20333, + "weevil": 2578, + "weigela, Weigela_florida": 20214, + "weighbridge": 11799, + "weight, free_weight, exercising_weight": 11800, + "weir": 11802, + "weka, maori_hen, wood_hen": 1939, + "welcome_wagon": 11803, + "weld": 11804, + "welder": 17231, + "welder's_mask": 11805, + "weldment": 11806, + "welfare_case, charity_case": 17232, + "well": 11807, + "wellhead": 11808, + "welt": 11809, + "welted_thistle, Carduus_crispus": 18220, + "welwitschia, Welwitschia_mirabilis": 17338, + "western, western_sandwich": 12786, + "western_big-eared_bat, Plecotus_townsendi": 2504, + "western_blind_snake, Leptotyphlops_humilis": 1192, + "western_buttercup, Ranunculus_occidentalis": 17640, + "western_chimpanzee, Pan_troglodytes_verus": 3607, + "western_chokecherry, Prunus_virginiana_demissa, Prunus_demissa": 20125, + "western_coral_snake, Micruroides_euryxanthus": 1210, + "western_fence_lizard, swift, blue-belly, Sceloporus_occidentalis": 1040, + "western_grey_squirrel, western_gray_squirrel, Sciurus_griseus": 3137, + "western_hemlock, Pacific_hemlock, west_coast_hemlock, Tsuga_heterophylla": 17430, + "western_holly_fern, Polystichum_scopulinum": 21536, + "western_ladies'_tresses, Spiranthes_porrifolia": 18614, + "western_larch, western_tamarack, Oregon_larch, Larix_occidentalis": 17396, + "western_lowland_gorilla, Gorilla_gorilla_gorilla": 3602, + "western_meadowlark, Sturnella_neglecta": 698, + "western_mugwort, white_sage, cudweed, prairie_sage, Artemisia_ludoviciana, Artemisia_gnaphalodes": 18157, + "western_narrow-mouthed_toad, Gastrophryne_olivacea": 978, + "western_omelet": 13491, + "western_poison_oak, Toxicodendron_diversilobum, Rhus_diversiloba": 20458, + "western_poppy, Papaver_californicum": 18087, + "western_ragweed, perennial_ragweed, Ambrosia_psilostachya": 18126, + "western_red-backed_salamander, Plethodon_vehiculum": 921, + "western_red_cedar, red_cedar, canoe_cedar, Thuja_plicata": 17458, + "western_redbud, California_redbud, Cercis_occidentalis": 19759, + "western_saxifrage, Saxifraga_occidentalis": 20522, + "western_skink, Eumeces_skiltonianus": 1052, + "western_spadefoot, Scaphiopus_hammondii": 965, + "western_tanager, Piranga_ludoviciana": 786, + "western_toad, Bufo_boreas": 960, + "western_wall_flower, Erysimum_asperum, Cheiranthus_asperus, Erysimum_arkansanum": 18054, + "western_wheatgrass, bluestem_wheatgrass, Agropyron_smithii": 18675, + "western_whiptail, Cnemidophorus_tigris": 1059, + "western_white_pine, silver_pine, mountain_pine, Pinus_monticola": 17370, + "western_wood_pewee, Contopus_sordidulus": 614, + "westerner": 17233, + "westland_pine, silver_pine, Lagarostrobus_colensoi": 17498, + "wet-bulb_thermometer": 11812, + "wet_bar": 11811, + "wet_cell": 11813, + "wet_fly": 11814, + "wet_suit": 11815, + "wether": 3382, + "wetter": 17235, + "whale": 2102, + "whale_louse": 1883, + "whale_shark, Rhincodon_typus": 466, + "whale_sucker, whalesucker, Remilegia_australis": 3871, + "whaleboat": 11816, + "whaler": 17236, + "whaler, whaling_ship": 11817, + "whaling_gun": 11818, + "wharf_rat": 3057, + "wheat": 18784, + "wheat, wheat_berry": 13241, + "wheat_berry": 18785, + "wheat_flag_smut, Urocystis_tritici": 21242, + "wheat_flour": 12308, + "wheat_germ": 13244, + "wheat_rust, Puccinia_graminis": 21229, + "wheatear": 654, + "wheatgrass, wheat-grass": 18672, + "wheel": 11820, + "wheel_and_axle": 11821, + "wheel_bug, Arilus_cristatus": 2774, + "wheel_tree, firewheel_tree, Stenocarpus_sinuatus": 18977, + "wheelchair": 11822, + "wheeled_vehicle": 11823, + "wheelwork": 11824, + "whelk": 1770, + "wherry": 11825, + "wherry, Norfolk_wherry": 11826, + "whetstone": 11827, + "whey": 13534, + "whiff": 4124, + "whiffletree, whippletree, swingletree": 11828, + "whinchat, Saxicola_rubetra": 651, + "whiner, complainer, moaner, sniveller, crybaby, bellyacher, grumbler, squawker": 17238, + "whinstone, whin": 14450, + "whip": 12554, + "whip-scorpion, whip_scorpion": 1263, + "whip-snake, whip_snake, whipsnake": 1155, + "whipcord": 11830, + "whipper-in": 17239, + "whippet": 2212, + "whipping_cream, light_whipping_cream": 13525, + "whipping_post": 11831, + "whippoorwill, Caprimulgus_vociferus": 1480, + "whipstitch, whipping, whipstitching": 11832, + "whiptail, whiptail_lizard": 1055, + "whirler": 11833, + "whirligig_beetle": 2576, + "whisk": 11835, + "whisk, whisk_broom": 11834, + "whiskey, whisky": 13896, + "whiskey_bottle": 11836, + "whiskey_jug": 11837, + "whiskey_sour, whisky_sour": 13971, + "whisperer": 17240, + "whispering_gallery, whispering_dome": 11838, + "whistle": 11840, + "whistling_swan, Cygnus_columbianus_columbianus": 1574, + "white": 11841, + "white-bellied_swallow, tree_swallow, Iridoprocne_bicolor": 778, + "white-berry_yew, Pseudotaxus_chienii": 17515, + "white-breasted_nuthatch, Sitta_carolinensis": 763, + "white-chinned_petrel, Procellaria_aequinoctialis": 2091, + "white-crowned_sparrow, Zonotrichia_leucophrys": 568, + "white-footed_mouse, vesper_mouse, Peromyscus_leucopus": 3068, + "white-headed_stilt, Himantopus_himantopus_leucocephalus": 2012, + "white-leaved_rockrose, Cistus_albidus": 19420, + "white-lipped_peccary, Tayassu_pecari": 3323, + "white-rayed_mule's_ears, Wyethia_helianthoides": 18475, + "white-rumped_shrike, Lanius_ludovicianus_excubitorides": 793, + "white-tailed_jackrabbit, whitetail_jackrabbit, Lepus_townsendi": 3037, + "white-tailed_kite, Elanus_leucurus": 829, + "white-throated_sparrow, whitethroat, Zonotrichia_albicollis": 567, + "white-topped_aster": 18417, + "white_admiral, Limenitis_camilla": 2869, + "white_alder, mountain_alder, Alnus_rhombifolia": 19169, + "white_ash, Fraxinus_Americana": 19223, + "white_basswood, cottonwood, Tilia_heterophylla": 18948, + "white_bread, light_bread": 12711, + "white_broom, white_Spanish_broom, Cytisus_albus, Cytisus_multiflorus": 19776, + "white_bryony, devil's_turnip, Bryonia_alba": 18846, + "white_camas, Zigadenus_glaucus": 19658, + "white_campion, evening_lychnis, white_cockle, bladder_campion, Silene_latifolia, Lychnis_alba": 17880, + "white_clover, dutch_clover, shamrock, Trifolium_repens": 17725, + "white_crappie, Pomoxis_annularis": 3835, + "white_croaker, chenfish, kingfish, Genyonemus_lineatus": 3947, + "white_croaker, queenfish, Seriphus_politus": 3948, + "white_currant, Ribes_sativum": 20551, + "white_dead_nettle, Lamium_album": 20665, + "white_dipladenia, Mandevilla_boliviensis, Dipladenia_boliviensis": 17772, + "white_dogtooth_violet, white_dog's-tooth_violet, blonde_lilian, Erythronium_albidum": 19612, + "white_false_indigo, Baptisia_lactea": 19747, + "white_fir, Colorado_fir, California_white_fir, Abies_concolor, Abies_lowiana": 17405, + "white_fringed_orchis, white_fringed_orchid, Habenaria_albiflora": 18560, + "white_fritillary, Fritillaria_liliaceae": 19623, + "white_fungus, Saprolegnia_ferax": 21007, + "white_globe_lily, white_fairy_lantern, Calochortus_albus": 19599, + "white_goods": 11842, + "white_hellebore, American_hellebore, Indian_poke, bugbane, Veratrum_viride": 19654, + "white_hope, great_white_hope": 17244, + "white_lettuce, cankerweed, Nabalus_alba, Prenanthes_alba": 18378, + "white_lupine, field_lupine, wolf_bean, Egyptian_lupine, Lupinus_albus": 19836, + "white_maire, Olea_lanceolata": 19217, + "white_mallee, congoo_mallee, Eucalyptus_dumosa": 19322, + "white_man": 14514, + "white_mangrove, Avicennia_officinalis": 20851, + "white_mangrove, Laguncularia_racemosa": 19284, + "white_marlin, Makaira_albida": 4045, + "white_milkweed, Asclepias_albicans": 21613, + "white_mountain_ash, Eucalyptus_fraxinoides": 19324, + "white_mulberry, Morus_alba": 19473, + "white_mullein, Verbascum_lychnitis": 20784, + "white_mullet, Mugil_curema": 3958, + "white_oak": 19107, + "white_pelican, Pelecanus_erythrorhynchos": 2068, + "white_pepper": 13309, + "white_perch, silver_perch, Morone_americana": 3848, + "white_pine": 17368, + "white_poplar, white_aspen, abele, aspen_poplar, silver-leaved_poplar, Populus_alba": 20358, + "white_prairie_aster, Aster_falcatus": 18169, + "white_rhinoceros, Ceratotherium_simum, Diceros_simus": 3304, + "white_rice, polished_rice": 13248, + "white_rust": 21013, + "white_sauce, bechamel_sauce, bechamel": 13448, + "white_snakeroot, white_sanicle, Ageratina_altissima, Eupatorium_rugosum": 18119, + "white_snapdragon, Antirrhinum_coulterianum": 20747, + "white_spruce, Picea_glauca": 17419, + "white_stork, Ciconia_ciconia": 1897, + "white_stringybark, thin-leaved_stringybark, Eucalyptusd_eugenioides": 19323, + "white_supremacist": 17245, + "white_turnip": 12980, + "white_whale, beluga, Delphinapterus_leucas": 2132, + "white_willow, Huntingdon_willow, Salix_alba": 20328, + "white_wine": 13805, + "white_wolf, Arctic_wolf, Canis_lupus_tundrarum": 2358, + "white_wood_aster, Aster_divaricatus": 18166, + "white_yam, water_yam, Dioscorea_alata": 18625, + "white_zinnia, Zinnia_acerosa": 18480, + "whitebait": 3742, + "whitebark_pine, whitebarked_pine, Pinus_albicaulis": 17373, + "whitecup, Nierembergia_repens, Nierembergia_rivularis": 20832, + "whiteface": 17241, + "whitefish": 3778, + "whitefly": 2778, + "whitetail_prairie_dog, Cynomys_gunnisoni": 3152, + "whitetip_shark, oceanic_whitetip_shark, white-tipped_shark, Carcharinus_longimanus": 471, + "whitetip_shark, reef_whitetip_shark, Triaenodon_obseus": 482, + "whitewash": 11843, + "whiting": 4060, + "whiting, Merlangus_merlangus, Gadus_merlangus": 3724, + "whole_milk": 13515, + "whole_snipe, Gallinago_gallinago": 1997, + "whole_wheat_flour, graham_flour, graham, whole_meal_flour": 12309, + "whooper, whooper_swan, Cygnus_cygnus": 1572, + "whooping_crane, whooper, Grus_americana": 1933, + "whorehouse, brothel, bordello, bagnio, house_of_prostitution, house_of_ill_repute, bawdyhouse, cathouse, sporting_house": 11844, + "whoremaster, whoremonger": 17246, + "whoremaster, whoremonger, john, trick": 17247, + "whorled_aster, Aster_acuminatus": 18163, + "whorled_caraway": 20905, + "whorled_loosestrife, Lysimachia_quadrifolia": 18653, + "whorled_milkweed, Asclepias_verticillata": 21621, + "whydah, whidah, widow_bird": 597, + "wick, taper": 11845, + "wicker, wickerwork, caning": 11846, + "wicker_basket": 11847, + "wicket": 11849, + "wicket, hoop": 11848, + "wickiup, wikiup": 11850, + "wide-angle_lens, fisheye_lens": 11851, + "wide_wale": 11853, + "widebody_aircraft, wide-body_aircraft, wide-body, twin-aisle_airplane": 11852, + "widgeon, wigeon, Anas_penelope": 1523, + "widow's_walk": 11854, + "widow, widow_woman": 17248, + "wife, married_woman": 17249, + "wig": 11856, + "wiggler, wriggler": 2639, + "wiggler, wriggler, squirmer": 17250, + "wigwam": 11857, + "wild_China_tree, Sapindus_drumondii, Sapindus_marginatus": 20380, + "wild_angelica, Angelica_sylvestris": 20898, + "wild_apple, crab_apple, crabapple": 20055, + "wild_ass": 3291, + "wild_basil, cushion_calamint, Clinopodium_vulgare, Satureja_vulgaris": 20652, + "wild_boar, boar, Sus_scrofa": 3318, + "wild_buckwheat, California_buckwheat, Erigonum_fasciculatum": 19987, + "wild_cabbage, Brassica_oleracea": 18020, + "wild_calla, water_arum, Calla_palustris": 17798, + "wild_carrot, Queen_Anne's_lace, Daucus_carota": 20911, + "wild_celery, Apium_graveolens": 20901, + "wild_cherry": 20086, + "wild_cherry, wild_cherry_tree": 20085, + "wild_cinnamon, white_cinnamon_tree, Canella_winterana, Canella-alba": 19416, + "wild_cotton, Arizona_wild_cotton, Gossypium_thurberi": 18882, + "wild_crab, Malus_sylvestris": 20058, + "wild_dog": 2363, + "wild_duck": 1539, + "wild_fig, Clusia_flava": 19397, + "wild_garlic, wood_garlic, Ramsons, Allium_ursinum": 19577, + "wild_geranium, spotted_cranesbill, Geranium_maculatum": 20225, + "wild_goat": 3416, + "wild_hollyhock, Iliamna_remota, Sphaeralcea_remota": 18891, + "wild_horse": 3236, + "wild_hyacinth, indigo_squill, Camassia_scilloides": 19610, + "wild_indigo, false_indigo": 19745, + "wild_leek, Levant_garlic, kurrat, Allium_ampeloprasum": 19563, + "wild_licorice, Galium_lanceolatum": 20175, + "wild_licorice, wild_liquorice, American_licorice, American_liquorice, Glycyrrhiza_lepidota": 19807, + "wild_lily_of_the_valley, Pyrola_rotundifolia": 19069, + "wild_lily_of_the_valley, shinleaf, Pyrola_elliptica": 19068, + "wild_lupine, sundial_lupine, Indian_beet, old-maid's_bonnet, Lupinus_perennis": 19838, + "wild_madder, white_madder, white_bedstraw, infant's-breath, false_baby's_breath, Galium_mollugo": 20177, + "wild_mango, dika, wild_mango_tree, Irvingia_gabonensis": 20313, + "wild_medlar, wild_medlar_tree, medlar, Vangueria_infausta": 20185, + "wild_oat, wild_oat_grass, Avena_fatua": 18688, + "wild_parsley": 20893, + "wild_parsnip, madnep": 20925, + "wild_pea": 19817, + "wild_peach, Kiggelaria_africana": 19429, + "wild_pink, Silene_caroliniana": 17878, + "wild_plum, wild_plum_tree": 20069, + "wild_potato_vine, wild_sweet_potato_vine, man-of-the-earth, manroot, scammonyroot, Ipomoea_panurata, Ipomoea_fastigiata": 20605, + "wild_raspberry, European_raspberry, framboise, Rubus_idaeus": 20141, + "wild_red_oat, animated_oat, Avene_sterilis": 18690, + "wild_rice, Indian_rice": 13249, + "wild_rosemary, marsh_tea, Ledum_palustre": 19016, + "wild_rye": 18715, + "wild_sage, wild_clary, vervain_sage, Salvia_verbenaca": 20720, + "wild_senna, Senna_marilandica, Cassia_marilandica": 19729, + "wild_service_tree, Sorbus_torminalis": 20153, + "wild_sheep": 3400, + "wild_spinach": 12965, + "wild_spurge, flowering_spurge, tramp's_spurge, Euphorbia_corollata": 20858, + "wild_tamarind, Lysiloma_latisiliqua, Lysiloma_bahamensis": 17749, + "wild_teasel, Dipsacus_sylvestris": 20218, + "wild_thyme, creeping_thyme, Thymus_serpyllum": 20734, + "wild_tobacco, Indian_tobacco, Nicotiana_rustica": 20830, + "wild_wheat, wild_emmer, Triticum_dicoccum_dicoccoides": 18789, + "wild_yam, Dioscorea_paniculata": 18628, + "wildcat": 2409, + "wildflower, wild_flower": 17523, + "wilding": 17303, + "willet, Catoptrophorus_semipalmatus": 1992, + "willow, willow_tree": 20326, + "willow_aster": 18201, + "willow_oak, Quercus_phellos": 19140, + "willowherb": 19342, + "wimp, chicken, crybaby": 17251, + "wimple": 11859, + "wincey": 11860, + "winceyette": 11861, + "winch, windlass": 11862, + "wind_instrument, wind": 11866, + "wind_poppy, flaming_poppy, Stylomecon_heterophyllum, Papaver_heterophyllum": 18107, + "wind_tee": 11885, + "wind_tunnel": 11886, + "wind_turbine": 11887, + "windbreak, shelterbelt": 11864, + "winder, key": 11865, + "windfall": 12993, + "windjammer": 11867, + "windmill": 11869, + "windmill, aerogenerator, wind_generator": 11868, + "window": 11871, + "window_blind": 11872, + "window_box": 11873, + "window_dresser, window_trimmer": 17256, + "window_envelope": 11874, + "window_frame": 11875, + "window_oyster, windowpane_oyster, capiz, Placuna_placenta": 1805, + "window_screen": 11876, + "window_seat": 11877, + "window_shade": 11878, + "windowpane, Scophthalmus_aquosus": 4127, + "windowsill": 11879, + "windshield, windscreen": 11880, + "windshield_wiper, windscreen_wiper, wiper, wiper_blade": 11881, + "wine, vino": 13802, + "wine-maker's_yeast, Saccharomyces_ellipsoides": 21130, + "wine_bar": 11888, + "wine_bottle": 11889, + "wine_bucket, wine_cooler": 11890, + "wine_cask, wine_barrel": 11891, + "wine_lover": 16302, + "wine_palm, jaggery_palm, kitul, kittul, kitul_tree, toddy_palm, Caryota_urens": 19943, + "wine_sauce": 13409, + "wine_vinegar": 13399, + "wineberry, Rubus_phoenicolasius": 20146, + "wineglass": 11892, + "winepress": 11893, + "winery, wine_maker": 11894, + "wineskin": 11895, + "wing": 11896, + "wing_chair": 11897, + "wing_commander": 17252, + "wing_nut, wing-nut": 19276, + "wing_nut, wing-nut, wing_screw, butterfly_nut, thumbnut": 11898, + "wing_tip": 11900, + "winged_bean, winged_pea, goa_bean, goa_bean_vine, Manila_bean, Psophocarpus_tetragonolobus": 19882, + "winged_elm, wing_elm, Ulmus_alata": 19493, + "winged_everlasting, Ammobium_alatum": 18128, + "winged_pea, asparagus_pea, Lotus_tetragonolobus": 19834, + "winged_pigweed, tumbleweed, Cycloloma_atriplicifolium": 17922, + "winged_spindle_tree, Euonymous_alatus": 20398, + "winger": 17253, + "wingstem, golden_ironweed, yellow_ironweed, golden_honey_plant, Verbesina_alternifolia, Actinomeris_alternifolia": 18469, + "winker": 17257, + "winker, blinker, blinder": 11901, + "winner": 17254, + "winner, victor": 17255, + "winter's_bark, winter's_bark_tree, Drimys_winteri": 17696, + "winter_aconite, Eranthis_hyemalis": 17681, + "winter_cress": 12960, + "winter_cress, St._Barbara's_herb, scurvy_grass": 18016, + "winter_crookneck, winter_crookneck_squash, Cucurbita_moschata": 18841, + "winter_crookneck_squash": 12855, + "winter_flounder, blackback_flounder, lemon_sole, Pseudopleuronectes_americanus": 4115, + "winter_hazel, flowering_hazel": 19257, + "winter_heath, spring_heath, Erica_carnea": 18988, + "winter_heliotrope, sweet_coltsfoot, Petasites_fragrans": 18389, + "winter_jasmine, Jasminum_nudiflorum": 19238, + "winter_melon": 13102, + "winter_melon, Persian_melon, honeydew_melon, winter_melon_vine, Cucumis_melo_inodorus": 18849, + "winter_mushroom, Flammulina_velutipes": 21121, + "winter_purslane, miner's_lettuce, Cuban_spinach, Montia_perfoliata": 17991, + "winter_savory, Satureja_montana, Satureia_montana": 20723, + "winter_savory, winter_savoury": 13345, + "winter_squash": 12848, + "winter_squash, winter_squash_plant": 18835, + "winter_wren, Troglodytes_troglodytes": 741, + "wintergreen, boxberry, checkerberry, teaberry, spiceberry": 13025, + "wintergreen, pyrola": 19065, + "wintergreen_oil, oil_of_wintergreen": 13290, + "wiper": 17258, + "wiper, wiper_arm, contact_arm": 11902, + "wiper_motor": 11903, + "wire": 11904, + "wire, conducting_wire": 11905, + "wire-haired_fox_terrier": 2236, + "wire_cloth": 11906, + "wire_cutter": 11907, + "wire_gauge, wire_gage": 11908, + "wire_matrix_printer, wire_printer, stylus_printer": 11910, + "wire_recorder": 11911, + "wire_stripper": 11912, + "wirehair, wirehaired_terrier, wire-haired_terrier": 2237, + "wireless": 12201, + "wireless_local_area_network, WLAN, wireless_fidelity, WiFi": 11909, + "wireman, wirer": 17259, + "wirework, grillwork": 11913, + "wireworm": 2574, + "wiring": 11914, + "wise_guy, smart_aleck, wiseacre, wisenheimer, weisenheimer": 17260, + "wisent, aurochs, Bison_bonasus": 3377, + "wish-wash": 13756, + "wishing_cap": 11915, + "witch_doctor": 17261, + "witch_elm, wych_elm, Ulmus_glabra": 19497, + "witches'_butter, Tremella_lutescens": 21221, + "withdrawer": 17263, + "witness_box, witness_stand": 11916, + "woad": 18060, + "wok": 11917, + "wold": 14185, + "wolf": 2356, + "wolf_pup, wolf_cub": 217, + "wolf_spider, hunting_spider": 1273, + "wolffish, wolf_fish, catfish": 4001, + "wolfhound": 2207, + "wolfsbane, wolfbane, wolf's_bane, Aconitum_lycoctonum": 17645, + "wolverine, carcajou, skunk_bear, Gulo_luscus": 3532, + "woman": 17265, + "woman's_clothing": 11918, + "woman, adult_female": 17264, + "wombat": 1616, + "won_ton, wonton, wonton_soup": 12406, + "wonder_boy, golden_boy": 17266, + "wonderer": 17267, + "wood": 11919, + "wood-frog, wood_frog, Rana_sylvatica": 933, + "wood_anemone, Anemone_nemorosa": 17654, + "wood_anemone, snowdrop, Anemone_quinquefolia": 17655, + "wood_ant, Formica_rufa": 2708, + "wood_aster": 18162, + "wood_chisel": 11921, + "wood_drake": 1541, + "wood_duck, summer_duck, wood_widgeon, Aix_sponsa": 1540, + "wood_fern, wood-fern, woodfern": 21515, + "wood_grain, woodgrain, woodiness": 11994, + "wood_hoopoe": 1465, + "wood_horsetail, Equisetum_Sylvaticum": 21583, + "wood_ibis, wood_stork, Ibis_ibis": 1908, + "wood_ibis, wood_stork, flinthead, Mycteria_americana": 1905, + "wood_meadowgrass, Poa_nemoralis, Agrostis_alba": 18750, + "wood_mint": 20645, + "wood_mouse": 3067, + "wood_nettle, Laportea_canadensis": 19462, + "wood_pigeon, ringdove, cushat, Columba_palumbus": 1407, + "wood_rabbit, cottontail, cottontail_rabbit": 3029, + "wood_rat, wood-rat": 3077, + "wood_sage, Teucrium_scorodonia": 20731, + "wood_spurge, Euphorbia_amygdaloides": 20866, + "wood_swallow, swallow_shrike": 783, + "wood_thrush, Hylocichla_mustelina": 645, + "wood_tick, American_dog_tick, Dermacentor_variabilis": 1287, + "wood_vise, woodworking_vise, shoulder_vise": 11926, + "wood_warbler, Phylloscopus_sibilatrix": 668, + "woodbine, Lonicera_periclymenum": 20198, + "woodborer, borer": 1712, + "woodcarving": 11920, + "woodcock": 1993, + "wooden_spoon": 11923, + "woodenware": 11922, + "woodhewer, woodcreeper, wood-creeper, tree_creeper": 628, + "woodland_caribou, Rangifer_caribou": 3482, + "woodland_oxeye, Buphthalmum_salicifolium": 18214, + "woodland_star, Lithophragma_affine, Lithophragma_affinis, Tellima_affinis": 20538, + "woodlouse, slater": 1877, + "woodpecker, peckerwood, pecker": 1485, + "woodruff": 20159, + "woodscrew": 11924, + "woodshed": 11925, + "woodsia": 21541, + "woodwaxen, dyer's_greenweed, dyer's-broom, dyeweed, greenweed, whin, woadwaxen, Genista_tinctoria": 19802, + "woodwind, woodwind_instrument, wood": 11927, + "woodworm": 1711, + "woof, weft, filling, pick": 11928, + "woofer": 11929, + "wool, woolen, woollen": 11930, + "wool_grass, Scirpus_cyperinus": 18811, + "woolly_adelgid": 2808, + "woolly_alder_aphid, Prociphilus_tessellatus": 2804, + "woolly_aphid, woolly_plant_louse": 2802, + "woolly_apple_aphid, American_blight, Eriosoma_lanigerum": 2803, + "woolly_bear, woolly_bear_caterpillar": 2991, + "woolly_bear_moth": 2992, + "woolly_daisy, dwarf_daisy, Antheropeas_wallacei, Eriophyllum_wallacei": 18139, + "woolly_indris, Avahi_laniger": 3664, + "woolly_mammoth, northern_mammoth, Mammuthus_primigenius": 3676, + "woolly_monkey": 3652, + "woolly_rhinoceros, Rhinoceros_antiquitatis": 3303, + "woolly_sunflower": 18293, + "woolly_thistle, Cirsium_flodmanii": 18253, + "wooly_lip_fern, hairy_lip_fern, Cheilanthes_lanosa": 21558, + "wordbook": 12219, + "work-clothing, work-clothes": 11933, + "work-shirt": 11939, + "work_animal": 191, + "workbasket, workbox, workbag": 11931, + "workbench, work_bench, bench": 11932, + "worker": 14501, + "worker_bee": 2663, + "workhorse": 3261, + "workhouse": 11935, + "working_dog": 2287, + "working_girl": 17268, + "workman, workingman, working_man, working_person": 17269, + "workmate": 17270, + "workpiece": 11936, + "workroom": 11937, + "works, workings": 11938, + "workstation": 11940, + "worktable, work_table": 11941, + "workwear": 11942, + "world, human_race, humanity, humankind, human_beings, humans, mankind, man": 3575, + "worldling": 17271, + "worm": 1709, + "worm_fence, snake_fence, snake-rail_fence, Virginia_fence": 11944, + "worm_gear": 11945, + "worm_lizard": 1049, + "worm_wheel": 11946, + "wormcast": 14451, + "wormseed_mustard, Erysimum_cheiranthoides": 18055, + "wormwood_sage, prairie_sagewort, Artemisia_frigida": 18156, + "worshiper, worshipper": 17272, + "worsted": 11947, + "worsted, worsted_yarn": 11948, + "wort": 21284, + "worthy": 17273, + "wrap": 12787, + "wrap, wrapper": 11949, + "wraparound": 11950, + "wrapping, wrap, wrapper": 11951, + "wrasse": 3977, + "wreck": 11952, + "wrecker": 17274, + "wren, jenny_wren": 740, + "wren-tit, Chamaea_fasciata": 771, + "wren_warbler": 670, + "wrench, spanner": 11953, + "wrestling, rassling, grappling": 61, + "wrestling_mat": 11954, + "wright": 17275, + "wringer": 11955, + "wrinkle, furrow, crease, crinkle, seam, line": 21734, + "wrist_pad": 11956, + "wrist_pin, gudgeon_pin": 11957, + "wristwatch, wrist_watch": 11958, + "write-in_candidate, write-in": 17276, + "writer, author": 17277, + "writing_arm": 11959, + "writing_desk": 11961, + "writing_implement": 11962, + "wrongdoer, offender": 14502, + "wrymouth, ghostfish, Cryptacanthodes_maculatus": 4000, + "wryneck": 1497, + "xenolith": 14452, + "xeranthemum": 18477, + "xerographic_printer": 11963, + "yacca, yacca_podocarp, Podocarpus_coriaceus": 17485, + "yacht, racing_yacht": 11968, + "yacht_chair": 11969, + "yagi, Yagi_aerial": 11970, + "yak's_milk": 13502, + "yak, Bos_grunniens": 3344, + "yak_butter": 13584, + "yakuza": 17279, + "yam": 18624, + "yam, yam_plant": 18623, + "yam_bean, Pachyrhizus_erosus": 19859, + "yard": 11972, + "yard, pace": 21636, + "yard_bird, yardbird": 17280, + "yard_marker": 11974, + "yardarm": 11973, + "yardgrass, yard_grass, wire_grass, goose_grass, Eleusine_indica": 18712, + "yardie": 17281, + "yardman": 17282, + "yardmaster, trainmaster, train_dispatcher": 17283, + "yardstick, yard_measure": 11975, + "yarmulke, yarmulka, yarmelke": 11976, + "yarrow, milfoil, Achillea_millefolium": 18117, + "yashmak, yashmac": 11977, + "yataghan": 11978, + "yaupon_holly": 20430, + "yautia, tannia, spoonflower, malanga, Xanthosoma_sagittifolium, Xanthosoma_atrovirens": 17816, + "yawl": 11980, + "yawl, dandy": 11979, + "yearling": 3253, + "yeast": 21128, + "yellow, yellowness": 12026, + "yellow-bellied_sapsucker, Sphyrapicus_varius": 1495, + "yellow-breasted_bunting, Emberiza_aureola": 579, + "yellow-breasted_chat, Icteria_virens": 685, + "yellow-crowned_night_heron, Nyctanassa_violacea": 1926, + "yellow-eyed_grass": 19996, + "yellow-fever_mosquito, Aedes_aegypti": 2641, + "yellow-green_algae": 319, + "yellow-leaf_sickle_pine, Falcatifolium_taxoides": 17496, + "yellow-shafted_flicker, Colaptes_auratus, yellowhammer": 1489, + "yellow-throated_marten, Charronia_flavigula": 3541, + "yellow_adder's_tongue, trout_lily, amberbell, Erythronium_americanum": 19613, + "yellow_avens, Geum_alleppicum_strictum, Geum_strictum": 20048, + "yellow_avens, Geum_macrophyllum": 20049, + "yellow_bass, Morone_interrupta": 3849, + "yellow_bedstraw, yellow_cleavers, Our_Lady's_bedstraw, Galium_verum": 20174, + "yellow_bells, California_yellow_bells, whispering_bells, Emmanthe_penduliflora": 20626, + "yellow_birch, Betula_alleghaniensis, Betula_leutea": 19155, + "yellow_bristlegrass, yellow_bristle_grass, yellow_foxtail, glaucous_bristlegrass, Setaria_glauca": 18758, + "yellow_chamomile, golden_marguerite, dyers'_chamomile, Anthemis_tinctoria": 18137, + "yellow_colicroot, Aletris_aurea": 19560, + "yellow_cypress, yellow_cedar, Nootka_cypress, Alaska_cedar, Chamaecyparis_nootkatensis": 17450, + "yellow_foxglove, straw_foxglove, Digitalis_lutea": 20765, + "yellow_giant_hyssop, Agastache_nepetoides": 20638, + "yellow_globe_lily, golden_fairy_lantern, Calochortus_amabilis": 19600, + "yellow_goatfish, Mulloidichthys_martinicus": 3955, + "yellow_henbane, Physalis_viscosa": 20841, + "yellow_honeysuckle, Lonicera_flava": 20193, + "yellow_jack, Caranx_bartholomaei": 3875, + "yellow_jacket, yellow_hornet, Vespula_maculifrons": 2684, + "yellow_jasmine, yellow_jessamine, Carolina_jasmine, evening_trumpet_flower, Gelsemium_sempervirens": 19698, + "yellow_journalism, tabloid, tab": 12183, + "yellow_lady's_slipper, yellow_lady-slipper, Cypripedium_calceolus, Cypripedium_parviflorum": 18535, + "yellow_mariposa_tulip, Calochortus_luteus": 19604, + "yellow_mountain_saxifrage, Saxifraga_aizoides": 20519, + "yellow_oleander, Thevetia_peruviana, Thevetia_neriifolia": 17780, + "yellow_perch, Perca_flavescens": 3815, + "yellow_pimpernel, Lysimachia_nemorum": 18649, + "yellow_pine": 17374, + "yellow_rocket, rockcress, rocket_cress, Barbarea_vulgaris, Sisymbrium_barbarea": 18017, + "yellow_salsify, Tragopogon_dubius": 18461, + "yellow_sand_verbena, Abronia_latifolia": 17931, + "yellow_spiny_daisy, Haplopappus_spinulosus": 18320, + "yellow_spot_fungus, Cercospora_kopkei": 21275, + "yellow_squash": 18829, + "yellow_twining_snapdragon, Antirrhinum_filipes": 20748, + "yellow_warbler, golden_warbler, yellowbird, Dendroica_petechia": 679, + "yellowbelly_marmot, rockchuck, Marmota_flaviventris": 3162, + "yellowfin, yellowfin_tuna, Thunnus_albacares": 4031, + "yellowfin_croaker, surffish, surf_fish, Umbrina_roncador": 3941, + "yellowfin_mojarra, Gerres_cinereus": 4058, + "yellowhammer, yellow_bunting, Emberiza_citrinella": 578, + "yellowlegs": 1980, + "yellowtail, Seriola_dorsalis": 3883, + "yellowtail, yellowtail_snapper, Ocyurus_chrysurus": 3909, + "yellowtail_flounder, Limanda_ferruginea": 4114, + "yellowthroat": 688, + "yellowwood, yellowwood_tree": 17482, + "yenta": 17284, + "yerba_buena, Micromeria_chamissonis, Micromeria_douglasii, Satureja_douglasii": 20691, + "yerba_mansa, Anemopsis_californica": 21427, + "yerba_santa, Eriodictyon_californicum": 20627, + "yew": 17509, + "yogi": 17285, + "yogurt, yoghurt, yoghourt": 13531, + "yoke": 11982, + "yoke, coupling": 11983, + "yolk, vitellus": 418, + "young, offspring": 212, + "young_Turk": 17287, + "young_bird": 847, + "young_buck, young_man": 17286, + "young_fish": 3698, + "young_mammal": 214, + "yurt": 11984, + "zabaglione, sabayon": 12613, + "zamia": 17342, + "zebra": 3296, + "zebra-tailed_lizard, gridiron-tailed_lizard, Callisaurus_draconoides": 1033, + "zebra_finch, Poephila_castanotis": 601, + "zebra_mussel, Dreissena_polymorpha": 1814, + "zebrawood, zebrawood_tree": 17707, + "zebu": 3342, + "zero": 11986, + "ziggurat, zikkurat, zikurat": 11987, + "zigzag_goldenrod, broad_leaved_goldenrod": 18440, + "zill": 11988, + "zinfandel": 13844, + "zinnia, old_maid, old_maid_flower": 18479, + "zip_gun": 11989, + "zither, cither, zithern": 11990, + "zodiac": 14211, + "zombie, zombi": 13975, + "zoo_keeper": 17290, + "zooid": 334, + "zoomastigote, zooflagellate": 336, + "zooplankton": 295, + "zoospore": 17325, + "zoot_suit": 11991, + "zoysia": 18796, + "zucchini, courgette": 18831, + "zwieback, rusk, Brussels_biscuit, twice-baked_bread": 12729, + "zygospore": 21630 + }, + "layer_norm_eps": 1e-05, + "length_penalty": 1.0, + "max_length": 20, + "min_length": 0, + "mlp_ratio": 4.0, + "model_type": "swin", + "no_repeat_ngram_size": 0, + "num_beam_groups": 1, + "num_beams": 1, + "num_channels": 3, + "num_heads": [ + 4, + 8, + 16, + 32 + ], + "num_layers": 4, + "num_return_sequences": 1, + "out_features": [ + "stage4" + ], + "out_indices": [ + 4 + ], + "output_attentions": false, + "output_hidden_states": false, + "output_scores": false, + "pad_token_id": null, + "patch_size": 4, + "path_norm": true, + "prefix": null, + "problem_type": null, + "pruned_heads": {}, + "qkv_bias": true, + "remove_invalid_values": false, + "repetition_penalty": 1.0, + "return_dict": true, + "return_dict_in_generate": false, + "sep_token_id": null, + "stage_names": [ + "stem", + "stage1", + "stage2", + "stage3", + "stage4" + ], + "suppress_tokens": null, + "task_specific_params": null, + "temperature": 1.0, + "tf_legacy_loss": false, + "tie_encoder_decoder": false, + "tie_word_embeddings": true, + "tokenizer_class": null, + "top_k": 50, + "top_p": 1.0, + "torch_dtype": "float32", + "torchscript": false, + "typical_p": 1.0, + "use_absolute_embeddings": false, + "use_bfloat16": false, + "window_size": 12 + }, + "eos_token_id": 50256, + "is_encoder_decoder": true, + "model_type": "vision-encoder-decoder", + "pad_token_id": 50256, + "tie_word_embeddings": false, + "torch_dtype": "float32", + "transformers_version": "4.37.1" +} diff --git a/Model/generation_config.json b/Model/generation_config.json new file mode 100644 index 0000000000000000000000000000000000000000..ee395b3bf333a64cbbc8c0d61c14fffe54c7b5ac --- /dev/null +++ b/Model/generation_config.json @@ -0,0 +1,6 @@ +{ + "bos_token_id": 50256, + "eos_token_id": 50256, + "max_length": 200, + "transformers_version": "4.37.1" +} diff --git a/Model/model.safetensors b/Model/model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..ef93c39a3bf1ac05848f1c7bcc1d91ad34adfa1e --- /dev/null +++ b/Model/model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cb50b4debdf509c1f8c4dbbf344031528969f45426d358c62d39edcad08452ea +size 965957568 diff --git a/Model/preprocessor_config.json b/Model/preprocessor_config.json new file mode 100644 index 0000000000000000000000000000000000000000..5c11f354df4a2057977f98a064fdb21c2ded7929 --- /dev/null +++ b/Model/preprocessor_config.json @@ -0,0 +1,22 @@ +{ + "do_normalize": true, + "do_rescale": true, + "do_resize": true, + "image_mean": [ + 0.485, + 0.456, + 0.406 + ], + "feature_extractor_type": "ViTFeatureExtractor", + "image_std": [ + 0.229, + 0.224, + 0.225 + ], + "resample": 3, + "rescale_factor": 0.00392156862745098, + "size": { + "height": 384, + "width": 384 + } +} diff --git a/Model/rng_state.pth b/Model/rng_state.pth new file mode 100644 index 0000000000000000000000000000000000000000..cf8662966cd14476c910dad24352dd9e2405996d --- /dev/null +++ b/Model/rng_state.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ed7612de6b8d4c06ccacb9ae48d72f25eaa405bb7d12ebc21c86121cca30197 +size 14575 diff --git a/Model/scheduler.pt b/Model/scheduler.pt new file mode 100644 index 0000000000000000000000000000000000000000..0226f646b43dc31eb5f1adb904e22a5d00cb3c42 --- /dev/null +++ b/Model/scheduler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9f8ff02ac948318fd4b1db36c6dc3626126a027e501925cfc3bd76ac45c3505 +size 627 diff --git a/Model/special_tokens_map.json b/Model/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..7433646544cc332d7eb43c85199b5ce98e2cc0ed --- /dev/null +++ b/Model/special_tokens_map.json @@ -0,0 +1,6 @@ +{ + "bos_token": "<|endoftext|>", + "eos_token": "<|endoftext|>", + "pad_token": "<|endoftext|>", + "unk_token": "<|endoftext|>" +} diff --git a/Model/tokenizer.json b/Model/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..f53f61f36fdd6a4a52266aacfe6dde49575eaf65 --- /dev/null +++ b/Model/tokenizer.json @@ -0,0 +1,100305 @@ +{ + "version": "1.0", + "truncation": null, + "padding": null, + "added_tokens": [ + { + "id": 50256, + "content": "<|endoftext|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": true, + "special": true + } + ], + "normalizer": null, + "pre_tokenizer": { + "type": "ByteLevel", + "add_prefix_space": false, + "trim_offsets": true, + "use_regex": true + }, + "post_processor": { + "type": "ByteLevel", + "add_prefix_space": true, + "trim_offsets": false, + "use_regex": true + }, + "decoder": { + "type": "ByteLevel", + "add_prefix_space": true, + "trim_offsets": true, + "use_regex": true + }, + "model": { + "type": "BPE", + "dropout": null, + "unk_token": null, + "continuing_subword_prefix": "", + "end_of_word_suffix": "", + "fuse_unk": false, + "byte_fallback": false, + "vocab": { + "!": 0, + "\"": 1, + "#": 2, + "$": 3, + "%": 4, + "&": 5, + "'": 6, + "(": 7, + ")": 8, + "*": 9, + "+": 10, + ",": 11, + "-": 12, + ".": 13, + "/": 14, + "0": 15, + "1": 16, + "2": 17, + "3": 18, + "4": 19, + "5": 20, + "6": 21, + "7": 22, + "8": 23, + "9": 24, + ":": 25, + ";": 26, + "<": 27, + "=": 28, + ">": 29, + "?": 30, + "@": 31, + "A": 32, + "B": 33, + "C": 34, + "D": 35, + "E": 36, + "F": 37, + "G": 38, + "H": 39, + "I": 40, + "J": 41, + "K": 42, + "L": 43, + "M": 44, + "N": 45, + "O": 46, + "P": 47, + "Q": 48, + "R": 49, + "S": 50, + "T": 51, + "U": 52, + "V": 53, + "W": 54, + "X": 55, + "Y": 56, + "Z": 57, + "[": 58, + "\\": 59, + "]": 60, + "^": 61, + "_": 62, + "`": 63, + "a": 64, + "b": 65, + "c": 66, + "d": 67, + "e": 68, + "f": 69, + "g": 70, + "h": 71, + "i": 72, + "j": 73, + "k": 74, + "l": 75, + "m": 76, + "n": 77, + "o": 78, + "p": 79, + "q": 80, + "r": 81, + "s": 82, + "t": 83, + "u": 84, + "v": 85, + "w": 86, + "x": 87, + "y": 88, + "z": 89, + "{": 90, + "|": 91, + "}": 92, + "~": 93, + "¡": 94, + "¢": 95, + "£": 96, + "¤": 97, + "¥": 98, + "¦": 99, + "§": 100, + "¨": 101, + "©": 102, + "ª": 103, + "«": 104, + "¬": 105, + "®": 106, + "¯": 107, + "°": 108, + "±": 109, + "²": 110, + "³": 111, + "´": 112, + "µ": 113, + "¶": 114, + "·": 115, + "¸": 116, + "¹": 117, + "º": 118, + "»": 119, + "¼": 120, + "½": 121, + "¾": 122, + "¿": 123, + "À": 124, + "Á": 125, + "Â": 126, + "Ã": 127, + "Ä": 128, + "Å": 129, + "Æ": 130, + "Ç": 131, + "È": 132, + "É": 133, + "Ê": 134, + "Ë": 135, + "Ì": 136, + "Í": 137, + "Î": 138, + "Ï": 139, + "Ð": 140, + "Ñ": 141, + "Ò": 142, + "Ó": 143, + "Ô": 144, + "Õ": 145, + "Ö": 146, + "×": 147, + "Ø": 148, + "Ù": 149, + "Ú": 150, + "Û": 151, + "Ü": 152, + "Ý": 153, + "Þ": 154, + "ß": 155, + "à": 156, + "á": 157, + "â": 158, + "ã": 159, + "ä": 160, + "å": 161, + "æ": 162, + "ç": 163, + "è": 164, + "é": 165, + "ê": 166, + "ë": 167, + "ì": 168, + "í": 169, + "î": 170, + "ï": 171, + "ð": 172, + "ñ": 173, + "ò": 174, + "ó": 175, + "ô": 176, + "õ": 177, + "ö": 178, + "÷": 179, + "ø": 180, + "ù": 181, + "ú": 182, + "û": 183, + "ü": 184, + "ý": 185, + "þ": 186, + "ÿ": 187, + "Ā": 188, + "ā": 189, + "Ă": 190, + "ă": 191, + "Ą": 192, + "ą": 193, + "Ć": 194, + "ć": 195, + "Ĉ": 196, + "ĉ": 197, + "Ċ": 198, + "ċ": 199, + "Č": 200, + "č": 201, + "Ď": 202, + "ď": 203, + "Đ": 204, + "đ": 205, + "Ē": 206, + "ē": 207, + "Ĕ": 208, + "ĕ": 209, + "Ė": 210, + "ė": 211, + "Ę": 212, + "ę": 213, + "Ě": 214, + "ě": 215, + "Ĝ": 216, + "ĝ": 217, + "Ğ": 218, + "ğ": 219, + "Ġ": 220, + "ġ": 221, + "Ģ": 222, + "ģ": 223, + "Ĥ": 224, + "ĥ": 225, + "Ħ": 226, + "ħ": 227, + "Ĩ": 228, + "ĩ": 229, + "Ī": 230, + "ī": 231, + "Ĭ": 232, + "ĭ": 233, + "Į": 234, + "į": 235, + "İ": 236, + "ı": 237, + "IJ": 238, + "ij": 239, + "Ĵ": 240, + "ĵ": 241, + "Ķ": 242, + "ķ": 243, + "ĸ": 244, + "Ĺ": 245, + "ĺ": 246, + "Ļ": 247, + "ļ": 248, + "Ľ": 249, + "ľ": 250, + "Ŀ": 251, + "ŀ": 252, + "Ł": 253, + "ł": 254, + "Ń": 255, + "Ġt": 256, + "Ġa": 257, + "he": 258, + "in": 259, + "re": 260, + "on": 261, + "Ġthe": 262, + "er": 263, + "Ġs": 264, + "at": 265, + "Ġw": 266, + "Ġo": 267, + "en": 268, + "Ġc": 269, + "it": 270, + "is": 271, + "an": 272, + "or": 273, + "es": 274, + "Ġb": 275, + "ed": 276, + "Ġf": 277, + "ing": 278, + "Ġp": 279, + "ou": 280, + "Ġan": 281, + "al": 282, + "ar": 283, + "Ġto": 284, + "Ġm": 285, + "Ġof": 286, + "Ġin": 287, + "Ġd": 288, + "Ġh": 289, + "Ġand": 290, + "ic": 291, + "as": 292, + "le": 293, + "Ġth": 294, + "ion": 295, + "om": 296, + "ll": 297, + "ent": 298, + "Ġn": 299, + "Ġl": 300, + "st": 301, + "Ġre": 302, + "ve": 303, + "Ġe": 304, + "ro": 305, + "ly": 306, + "Ġbe": 307, + "Ġg": 308, + "ĠT": 309, + "ct": 310, + "ĠS": 311, + "id": 312, + "ot": 313, + "ĠI": 314, + "ut": 315, + "et": 316, + "ĠA": 317, + "Ġis": 318, + "Ġon": 319, + "im": 320, + "am": 321, + "ow": 322, + "ay": 323, + "ad": 324, + "se": 325, + "Ġthat": 326, + "ĠC": 327, + "ig": 328, + "Ġfor": 329, + "ac": 330, + "Ġy": 331, + "ver": 332, + "ur": 333, + "Ġu": 334, + "ld": 335, + "Ġst": 336, + "ĠM": 337, + "'s": 338, + "Ġhe": 339, + "Ġit": 340, + "ation": 341, + "ith": 342, + "ir": 343, + "ce": 344, + "Ġyou": 345, + "il": 346, + "ĠB": 347, + "Ġwh": 348, + "ol": 349, + "ĠP": 350, + "Ġwith": 351, + "Ġ1": 352, + "ter": 353, + "ch": 354, + "Ġas": 355, + "Ġwe": 356, + "Ġ(": 357, + "nd": 358, + "ill": 359, + "ĠD": 360, + "if": 361, + "Ġ2": 362, + "ag": 363, + "ers": 364, + "ke": 365, + "Ġ\"": 366, + "ĠH": 367, + "em": 368, + "Ġcon": 369, + "ĠW": 370, + "ĠR": 371, + "her": 372, + "Ġwas": 373, + "Ġr": 374, + "od": 375, + "ĠF": 376, + "ul": 377, + "ate": 378, + "Ġat": 379, + "ri": 380, + "pp": 381, + "ore": 382, + "ĠThe": 383, + "Ġse": 384, + "us": 385, + "Ġpro": 386, + "Ġha": 387, + "um": 388, + "Ġare": 389, + "Ġde": 390, + "ain": 391, + "and": 392, + "Ġor": 393, + "igh": 394, + "est": 395, + "ist": 396, + "ab": 397, + "rom": 398, + "ĠN": 399, + "th": 400, + "Ġcom": 401, + "ĠG": 402, + "un": 403, + "op": 404, + "00": 405, + "ĠL": 406, + "Ġnot": 407, + "ess": 408, + "Ġex": 409, + "Ġv": 410, + "res": 411, + "ĠE": 412, + "ew": 413, + "ity": 414, + "ant": 415, + "Ġby": 416, + "el": 417, + "os": 418, + "ort": 419, + "oc": 420, + "qu": 421, + "Ġfrom": 422, + "Ġhave": 423, + "Ġsu": 424, + "ive": 425, + "ould": 426, + "Ġsh": 427, + "Ġthis": 428, + "nt": 429, + "ra": 430, + "pe": 431, + "ight": 432, + "art": 433, + "ment": 434, + "Ġal": 435, + "ust": 436, + "end": 437, + "--": 438, + "all": 439, + "ĠO": 440, + "ack": 441, + "Ġch": 442, + "Ġle": 443, + "ies": 444, + "red": 445, + "ard": 446, + "âĢ": 447, + "out": 448, + "ĠJ": 449, + "Ġab": 450, + "ear": 451, + "iv": 452, + "ally": 453, + "our": 454, + "ost": 455, + "gh": 456, + "pt": 457, + "Ġpl": 458, + "ast": 459, + "Ġcan": 460, + "ak": 461, + "ome": 462, + "ud": 463, + "The": 464, + "Ġhis": 465, + "Ġdo": 466, + "Ġgo": 467, + "Ġhas": 468, + "ge": 469, + "'t": 470, + "ĠU": 471, + "rou": 472, + "Ġsa": 473, + "Ġj": 474, + "Ġbut": 475, + "Ġwor": 476, + "Ġall": 477, + "ect": 478, + "Ġk": 479, + "ame": 480, + "Ġwill": 481, + "ok": 482, + "Ġwhe": 483, + "Ġthey": 484, + "ide": 485, + "01": 486, + "ff": 487, + "ich": 488, + "pl": 489, + "ther": 490, + "Ġtr": 491, + "..": 492, + "Ġint": 493, + "ie": 494, + "ure": 495, + "age": 496, + "Ġne": 497, + "ial": 498, + "ap": 499, + "ine": 500, + "ice": 501, + "Ġme": 502, + "Ġout": 503, + "ans": 504, + "one": 505, + "ong": 506, + "ions": 507, + "Ġwho": 508, + "ĠK": 509, + "Ġup": 510, + "Ġtheir": 511, + "Ġad": 512, + "Ġ3": 513, + "Ġus": 514, + "ated": 515, + "ous": 516, + "Ġmore": 517, + "ue": 518, + "og": 519, + "ĠSt": 520, + "ind": 521, + "ike": 522, + "Ġso": 523, + "ime": 524, + "per": 525, + ".\"": 526, + "ber": 527, + "iz": 528, + "act": 529, + "Ġone": 530, + "Ġsaid": 531, + "Ġ-": 532, + "are": 533, + "Ġyour": 534, + "cc": 535, + "ĠTh": 536, + "Ġcl": 537, + "ep": 538, + "ake": 539, + "able": 540, + "ip": 541, + "Ġcont": 542, + "Ġwhich": 543, + "ia": 544, + "Ġim": 545, + "Ġabout": 546, + "Ġwere": 547, + "very": 548, + "ub": 549, + "Ġhad": 550, + "Ġen": 551, + "Ġcomp": 552, + ",\"": 553, + "ĠIn": 554, + "Ġun": 555, + "Ġag": 556, + "ire": 557, + "ace": 558, + "au": 559, + "ary": 560, + "Ġwould": 561, + "ass": 562, + "ry": 563, + "ĠâĢ": 564, + "cl": 565, + "ook": 566, + "ere": 567, + "so": 568, + "ĠV": 569, + "ign": 570, + "ib": 571, + "Ġoff": 572, + "Ġte": 573, + "ven": 574, + "ĠY": 575, + "ile": 576, + "ose": 577, + "ite": 578, + "orm": 579, + "Ġ201": 580, + "Ġres": 581, + "Ġman": 582, + "Ġper": 583, + "Ġother": 584, + "ord": 585, + "ult": 586, + "Ġbeen": 587, + "Ġlike": 588, + "ase": 589, + "ance": 590, + "ks": 591, + "ays": 592, + "own": 593, + "ence": 594, + "Ġdis": 595, + "ction": 596, + "Ġany": 597, + "Ġapp": 598, + "Ġsp": 599, + "int": 600, + "ress": 601, + "ations": 602, + "ail": 603, + "Ġ4": 604, + "ical": 605, + "Ġthem": 606, + "Ġher": 607, + "ount": 608, + "ĠCh": 609, + "Ġar": 610, + "Ġif": 611, + "Ġthere": 612, + "Ġpe": 613, + "Ġyear": 614, + "av": 615, + "Ġmy": 616, + "Ġsome": 617, + "Ġwhen": 618, + "ough": 619, + "ach": 620, + "Ġthan": 621, + "ru": 622, + "ond": 623, + "ick": 624, + "Ġover": 625, + "vel": 626, + "Ġqu": 627, + "ĊĊ": 628, + "Ġsc": 629, + "reat": 630, + "ree": 631, + "ĠIt": 632, + "ound": 633, + "port": 634, + "Ġalso": 635, + "Ġpart": 636, + "fter": 637, + "Ġkn": 638, + "Ġbec": 639, + "Ġtime": 640, + "ens": 641, + "Ġ5": 642, + "ople": 643, + "Ġwhat": 644, + "Ġno": 645, + "du": 646, + "mer": 647, + "ang": 648, + "Ġnew": 649, + "----": 650, + "Ġget": 651, + "ory": 652, + "ition": 653, + "ings": 654, + "Ġjust": 655, + "Ġinto": 656, + "Ġ0": 657, + "ents": 658, + "ove": 659, + "te": 660, + "Ġpeople": 661, + "Ġpre": 662, + "Ġits": 663, + "Ġrec": 664, + "Ġtw": 665, + "ian": 666, + "irst": 667, + "ark": 668, + "ors": 669, + "Ġwork": 670, + "ade": 671, + "ob": 672, + "Ġshe": 673, + "Ġour": 674, + "wn": 675, + "ink": 676, + "lic": 677, + "Ġ19": 678, + "ĠHe": 679, + "ish": 680, + "nder": 681, + "ause": 682, + "Ġhim": 683, + "ons": 684, + "Ġ[": 685, + "Ġro": 686, + "form": 687, + "ild": 688, + "ates": 689, + "vers": 690, + "Ġonly": 691, + "oll": 692, + "Ġspe": 693, + "ck": 694, + "ell": 695, + "amp": 696, + "Ġacc": 697, + "Ġbl": 698, + "ious": 699, + "urn": 700, + "ft": 701, + "ood": 702, + "Ġhow": 703, + "hed": 704, + "Ġ'": 705, + "Ġafter": 706, + "aw": 707, + "Ġatt": 708, + "ov": 709, + "ne": 710, + "Ġplay": 711, + "erv": 712, + "ict": 713, + "Ġcould": 714, + "itt": 715, + "Ġam": 716, + "Ġfirst": 717, + "Ġ6": 718, + "Ġact": 719, + "Ġ$": 720, + "ec": 721, + "hing": 722, + "ual": 723, + "ull": 724, + "Ġcomm": 725, + "oy": 726, + "old": 727, + "ces": 728, + "ater": 729, + "Ġfe": 730, + "Ġbet": 731, + "we": 732, + "iff": 733, + "Ġtwo": 734, + "ock": 735, + "Ġback": 736, + ").": 737, + "ident": 738, + "Ġunder": 739, + "rough": 740, + "sel": 741, + "xt": 742, + "Ġmay": 743, + "round": 744, + "Ġpo": 745, + "ph": 746, + "iss": 747, + "Ġdes": 748, + "Ġmost": 749, + "Ġdid": 750, + "Ġadd": 751, + "ject": 752, + "Ġinc": 753, + "fore": 754, + "Ġpol": 755, + "ont": 756, + "Ġagain": 757, + "clud": 758, + "tern": 759, + "Ġknow": 760, + "Ġneed": 761, + "Ġcons": 762, + "Ġco": 763, + "Ġ.": 764, + "Ġwant": 765, + "Ġsee": 766, + "Ġ7": 767, + "ning": 768, + "iew": 769, + "ĠThis": 770, + "ced": 771, + "Ġeven": 772, + "Ġind": 773, + "ty": 774, + "ĠWe": 775, + "ath": 776, + "Ġthese": 777, + "Ġpr": 778, + "Ġuse": 779, + "Ġbecause": 780, + "Ġfl": 781, + "ng": 782, + "Ġnow": 783, + "ĠâĢĵ": 784, + "com": 785, + "ise": 786, + "Ġmake": 787, + "Ġthen": 788, + "ower": 789, + "Ġevery": 790, + "ĠUn": 791, + "Ġsec": 792, + "oss": 793, + "uch": 794, + "Ġem": 795, + "Ġ=": 796, + "ĠRe": 797, + "ied": 798, + "rit": 799, + "Ġinv": 800, + "lect": 801, + "Ġsupp": 802, + "ating": 803, + "Ġlook": 804, + "man": 805, + "pect": 806, + "Ġ8": 807, + "row": 808, + "Ġbu": 809, + "Ġwhere": 810, + "ific": 811, + "Ġyears": 812, + "ily": 813, + "Ġdiff": 814, + "Ġshould": 815, + "Ġrem": 816, + "Th": 817, + "In": 818, + "Ġev": 819, + "day": 820, + "'re": 821, + "rib": 822, + "Ġrel": 823, + "ss": 824, + "Ġdef": 825, + "Ġright": 826, + "Ġsy": 827, + "),": 828, + "les": 829, + "000": 830, + "hen": 831, + "Ġthrough": 832, + "ĠTr": 833, + "__": 834, + "Ġway": 835, + "Ġdon": 836, + "Ġ,": 837, + "Ġ10": 838, + "ased": 839, + "Ġass": 840, + "ublic": 841, + "Ġreg": 842, + "ĠAnd": 843, + "ix": 844, + "Ġvery": 845, + "Ġinclud": 846, + "other": 847, + "Ġimp": 848, + "oth": 849, + "Ġsub": 850, + "ĠâĢĶ": 851, + "Ġbeing": 852, + "arg": 853, + "ĠWh": 854, + "==": 855, + "ible": 856, + "Ġdoes": 857, + "ange": 858, + "ram": 859, + "Ġ9": 860, + "ert": 861, + "ps": 862, + "ited": 863, + "ational": 864, + "Ġbr": 865, + "Ġdown": 866, + "Ġmany": 867, + "aking": 868, + "Ġcall": 869, + "uring": 870, + "ities": 871, + "Ġph": 872, + "ics": 873, + "als": 874, + "Ġdec": 875, + "ative": 876, + "ener": 877, + "Ġbefore": 878, + "ility": 879, + "Ġwell": 880, + "Ġmuch": 881, + "erson": 882, + "Ġthose": 883, + "Ġsuch": 884, + "Ġke": 885, + "Ġend": 886, + "ĠBut": 887, + "ason": 888, + "ting": 889, + "Ġlong": 890, + "ef": 891, + "Ġthink": 892, + "ys": 893, + "Ġbel": 894, + "Ġsm": 895, + "its": 896, + "ax": 897, + "Ġown": 898, + "Ġprov": 899, + "Ġset": 900, + "ife": 901, + "ments": 902, + "ble": 903, + "ward": 904, + "Ġshow": 905, + "Ġpres": 906, + "ms": 907, + "omet": 908, + "Ġob": 909, + "Ġsay": 910, + "ĠSh": 911, + "ts": 912, + "ful": 913, + "Ġeff": 914, + "Ġgu": 915, + "Ġinst": 916, + "und": 917, + "ren": 918, + "cess": 919, + "Ġent": 920, + "ĠYou": 921, + "Ġgood": 922, + "Ġstart": 923, + "ince": 924, + "Ġmade": 925, + "tt": 926, + "stem": 927, + "olog": 928, + "up": 929, + "Ġ|": 930, + "ump": 931, + "Ġhel": 932, + "vern": 933, + "ular": 934, + "ually": 935, + "Ġac": 936, + "Ġmon": 937, + "Ġlast": 938, + "Ġ200": 939, + "10": 940, + "Ġstud": 941, + "ures": 942, + "ĠAr": 943, + "self": 944, + "ars": 945, + "meric": 946, + "ues": 947, + "cy": 948, + "Ġmin": 949, + "ollow": 950, + "Ġcol": 951, + "io": 952, + "Ġmod": 953, + "Ġcount": 954, + "ĠCom": 955, + "hes": 956, + "Ġfin": 957, + "air": 958, + "ier": 959, + "âĢĶ": 960, + "read": 961, + "ank": 962, + "atch": 963, + "ever": 964, + "Ġstr": 965, + "Ġpoint": 966, + "ork": 967, + "ĠNew": 968, + "Ġsur": 969, + "ool": 970, + "alk": 971, + "ement": 972, + "Ġused": 973, + "ract": 974, + "ween": 975, + "Ġsame": 976, + "oun": 977, + "ĠAl": 978, + "ci": 979, + "Ġdiffere": 980, + "Ġwhile": 981, + "--------": 982, + "Ġgame": 983, + "cept": 984, + "Ġsim": 985, + "...": 986, + "Ġinter": 987, + "ek": 988, + "Ġreport": 989, + "Ġprodu": 990, + "Ġstill": 991, + "led": 992, + "ah": 993, + "Ġhere": 994, + "Ġworld": 995, + "Ġthough": 996, + "Ġnum": 997, + "arch": 998, + "imes": 999, + "ale": 1000, + "ĠSe": 1001, + "ĠIf": 1002, + "//": 1003, + "ĠLe": 1004, + "Ġret": 1005, + "Ġref": 1006, + "Ġtrans": 1007, + "ner": 1008, + "ution": 1009, + "ters": 1010, + "Ġtake": 1011, + "ĠCl": 1012, + "Ġconf": 1013, + "way": 1014, + "ave": 1015, + "Ġgoing": 1016, + "Ġsl": 1017, + "ug": 1018, + "ĠAmeric": 1019, + "Ġspec": 1020, + "Ġhand": 1021, + "Ġbetween": 1022, + "ists": 1023, + "ĠDe": 1024, + "oot": 1025, + "It": 1026, + "Ġear": 1027, + "Ġagainst": 1028, + "Ġhigh": 1029, + "gan": 1030, + "az": 1031, + "ather": 1032, + "Ġexp": 1033, + "Ġop": 1034, + "Ġins": 1035, + "Ġgr": 1036, + "Ġhelp": 1037, + "Ġrequ": 1038, + "ets": 1039, + "ins": 1040, + "ĠPro": 1041, + "ism": 1042, + "Ġfound": 1043, + "land": 1044, + "ata": 1045, + "uss": 1046, + "ames": 1047, + "Ġperson": 1048, + "Ġgreat": 1049, + "pr": 1050, + "Ġsign": 1051, + "ĠAn": 1052, + "'ve": 1053, + "Ġsomet": 1054, + "Ġser": 1055, + "hip": 1056, + "Ġrun": 1057, + "Ġ:": 1058, + "Ġter": 1059, + "irect": 1060, + "Ġfollow": 1061, + "Ġdet": 1062, + "ices": 1063, + "Ġfind": 1064, + "12": 1065, + "Ġmem": 1066, + "Ġcr": 1067, + "ered": 1068, + "ex": 1069, + "Ġext": 1070, + "uth": 1071, + "ense": 1072, + "co": 1073, + "Ġteam": 1074, + "ving": 1075, + "ouse": 1076, + "ash": 1077, + "att": 1078, + "ved": 1079, + "Ġsystem": 1080, + "ĠAs": 1081, + "der": 1082, + "ives": 1083, + "min": 1084, + "Ġlead": 1085, + "ĠBl": 1086, + "cent": 1087, + "Ġaround": 1088, + "Ġgovern": 1089, + "Ġcur": 1090, + "velop": 1091, + "any": 1092, + "Ġcour": 1093, + "alth": 1094, + "ages": 1095, + "ize": 1096, + "Ġcar": 1097, + "ode": 1098, + "Ġlaw": 1099, + "Ġread": 1100, + "'m": 1101, + "con": 1102, + "Ġreal": 1103, + "Ġsupport": 1104, + "Ġ12": 1105, + "....": 1106, + "Ġreally": 1107, + "ness": 1108, + "Ġfact": 1109, + "Ġday": 1110, + "Ġboth": 1111, + "ying": 1112, + "Ġserv": 1113, + "ĠFor": 1114, + "Ġthree": 1115, + "Ġwom": 1116, + "Ġmed": 1117, + "ody": 1118, + "ĠThey": 1119, + "50": 1120, + "Ġexper": 1121, + "ton": 1122, + "Ġeach": 1123, + "akes": 1124, + "Ġche": 1125, + "Ġcre": 1126, + "ines": 1127, + "Ġrep": 1128, + "19": 1129, + "gg": 1130, + "illion": 1131, + "Ġgrou": 1132, + "ute": 1133, + "ik": 1134, + "We": 1135, + "get": 1136, + "ER": 1137, + "Ġmet": 1138, + "Ġsays": 1139, + "ox": 1140, + "Ġduring": 1141, + "ern": 1142, + "ized": 1143, + "ared": 1144, + "Ġfam": 1145, + "ically": 1146, + "Ġhapp": 1147, + "ĠIs": 1148, + "Ġchar": 1149, + "med": 1150, + "vent": 1151, + "Ġgener": 1152, + "ient": 1153, + "ple": 1154, + "iet": 1155, + "rent": 1156, + "11": 1157, + "ves": 1158, + "ption": 1159, + "Ġ20": 1160, + "formation": 1161, + "Ġcor": 1162, + "Ġoffic": 1163, + "ield": 1164, + "Ġtoo": 1165, + "ision": 1166, + "Ġinf": 1167, + "ĠZ": 1168, + "the": 1169, + "oad": 1170, + "Ġpublic": 1171, + "Ġprog": 1172, + "ric": 1173, + "**": 1174, + "Ġwar": 1175, + "Ġpower": 1176, + "view": 1177, + "Ġfew": 1178, + "Ġloc": 1179, + "Ġdifferent": 1180, + "Ġstate": 1181, + "Ġhead": 1182, + "'ll": 1183, + "Ġposs": 1184, + "Ġstat": 1185, + "ret": 1186, + "ants": 1187, + "Ġval": 1188, + "Ġiss": 1189, + "Ġcle": 1190, + "ivers": 1191, + "anc": 1192, + "Ġexpl": 1193, + "Ġanother": 1194, + "ĠQ": 1195, + "Ġav": 1196, + "thing": 1197, + "nce": 1198, + "Wh": 1199, + "Ġchild": 1200, + "Ġsince": 1201, + "ired": 1202, + "less": 1203, + "Ġlife": 1204, + "Ġdevelop": 1205, + "ittle": 1206, + "Ġdep": 1207, + "Ġpass": 1208, + "ãĥ": 1209, + "Ġturn": 1210, + "orn": 1211, + "This": 1212, + "bers": 1213, + "ross": 1214, + "ĠAd": 1215, + "Ġfr": 1216, + "Ġresp": 1217, + "Ġsecond": 1218, + "oh": 1219, + "Ġ/": 1220, + "Ġdisc": 1221, + "Ġ&": 1222, + "Ġsomething": 1223, + "Ġcomple": 1224, + "Ġed": 1225, + "Ġfil": 1226, + "Ġmonth": 1227, + "aj": 1228, + "uc": 1229, + "Ġgovernment": 1230, + "Ġwithout": 1231, + "Ġleg": 1232, + "Ġdist": 1233, + "Ġput": 1234, + "Ġquest": 1235, + "ann": 1236, + "Ġprot": 1237, + "20": 1238, + "Ġnever": 1239, + "ience": 1240, + "Ġlevel": 1241, + "Ġart": 1242, + "Ġthings": 1243, + "Ġmight": 1244, + "Ġeffect": 1245, + "Ġcontro": 1246, + "Ġcent": 1247, + "Ġ18": 1248, + "Ġallow": 1249, + "Ġbelie": 1250, + "chool": 1251, + "ott": 1252, + "Ġincre": 1253, + "Ġfeel": 1254, + "Ġresult": 1255, + "Ġlot": 1256, + "Ġfun": 1257, + "ote": 1258, + "Ġty": 1259, + "erest": 1260, + "Ġcontin": 1261, + "Ġusing": 1262, + "Ġbig": 1263, + "201": 1264, + "Ġask": 1265, + "Ġbest": 1266, + "Ġ)": 1267, + "IN": 1268, + "Ġopp": 1269, + "30": 1270, + "Ġnumber": 1271, + "iness": 1272, + "St": 1273, + "lease": 1274, + "Ġca": 1275, + "Ġmust": 1276, + "Ġdirect": 1277, + "Ġgl": 1278, + "Ġ<": 1279, + "Ġopen": 1280, + "Ġpost": 1281, + "Ġcome": 1282, + "Ġseem": 1283, + "ording": 1284, + "Ġweek": 1285, + "ately": 1286, + "ital": 1287, + "Ġel": 1288, + "riend": 1289, + "Ġfar": 1290, + "Ġtra": 1291, + "inal": 1292, + "Ġpri": 1293, + "ĠUS": 1294, + "Ġplace": 1295, + "Ġform": 1296, + "Ġtold": 1297, + "\":": 1298, + "ains": 1299, + "ature": 1300, + "ĠTrump": 1301, + "Ġstand": 1302, + "Ġ#": 1303, + "ider": 1304, + "ĠFr": 1305, + "Ġnext": 1306, + "Ġsoc": 1307, + "Ġpur": 1308, + "Ġlet": 1309, + "Ġlittle": 1310, + "Ġhum": 1311, + "Ġi": 1312, + "ron": 1313, + "15": 1314, + "Ġ15": 1315, + "Ġcommun": 1316, + "Ġmark": 1317, + "ĠThere": 1318, + "Ġwr": 1319, + "ĠThat": 1320, + "Ġinformation": 1321, + "ways": 1322, + "Ġbus": 1323, + "app": 1324, + "Ġinvest": 1325, + "me": 1326, + "Ġhard": 1327, + "ained": 1328, + "ead": 1329, + "Ġimport": 1330, + "Ġappro": 1331, + "Ġtest": 1332, + "Ġtri": 1333, + "Ġrest": 1334, + "osed": 1335, + "Ġfull": 1336, + "Ġcare": 1337, + "ĠSp": 1338, + "Ġcase": 1339, + "ON": 1340, + "Ġsk": 1341, + "Ġless": 1342, + "Ġ+": 1343, + "Ġpartic": 1344, + "ĠPl": 1345, + "ably": 1346, + "uck": 1347, + "ished": 1348, + "chn": 1349, + "be": 1350, + "Ġlist": 1351, + "ator": 1352, + "Ġtop": 1353, + "Ġadv": 1354, + "ĠBe": 1355, + "ruct": 1356, + "Ġdem": 1357, + "ration": 1358, + "ling": 1359, + "gy": 1360, + "reen": 1361, + "ger": 1362, + "Ġhome": 1363, + "Ġleft": 1364, + "Ġbetter": 1365, + "Ġdata": 1366, + "Ġ11": 1367, + "Ġattack": 1368, + "Ġproble": 1369, + "line": 1370, + "ards": 1371, + "Ġbeh": 1372, + "ral": 1373, + "ĠHow": 1374, + "ĠShe": 1375, + "arge": 1376, + "Ġ--": 1377, + "://": 1378, + "Ġbro": 1379, + "ĠPh": 1380, + "ats": 1381, + "Ġbuild": 1382, + "ww": 1383, + "ided": 1384, + "aim": 1385, + "ases": 1386, + "ency": 1387, + "Ġmain": 1388, + "ined": 1389, + "Ġincluding": 1390, + "Ġ{": 1391, + "Ġgot": 1392, + "Ġinterest": 1393, + "Ġkeep": 1394, + "ĠX": 1395, + "Ġeas": 1396, + "aining": 1397, + "Ġclass": 1398, + "â̦": 1399, + "ĠNo": 1400, + "Ġvar": 1401, + "Ġsmall": 1402, + "ample": 1403, + "AT": 1404, + "Ġide": 1405, + "ĠSo": 1406, + "Ġrece": 1407, + "Ġpolit": 1408, + "Ġmov": 1409, + "Ġplan": 1410, + "Ġpercent": 1411, + "iving": 1412, + "Ġcamp": 1413, + "Ġpay": 1414, + "14": 1415, + "sc": 1416, + "ised": 1417, + "Ġunt": 1418, + "oney": 1419, + "ploy": 1420, + "====": 1421, + "Ġdidn": 1422, + "ĠInd": 1423, + "els": 1424, + "ertain": 1425, + "Ġpos": 1426, + "____": 1427, + "iver": 1428, + "Ġprocess": 1429, + "Ġprogram": 1430, + "ified": 1431, + "ĠRep": 1432, + "16": 1433, + "uro": 1434, + "ology": 1435, + "atter": 1436, + "ina": 1437, + "Ġname": 1438, + "ĠAll": 1439, + "Ġfour": 1440, + "Ġreturn": 1441, + "vious": 1442, + "bs": 1443, + "Ġcalled": 1444, + "Ġmove": 1445, + "ĠSc": 1446, + "ird": 1447, + "Ġgroup": 1448, + "Ġbre": 1449, + "Ġmen": 1450, + "Ġcap": 1451, + "ten": 1452, + "ee": 1453, + "Ġdri": 1454, + "leg": 1455, + "here": 1456, + "uthor": 1457, + "Ġpat": 1458, + "Ġcurrent": 1459, + "ides": 1460, + "Ġpop": 1461, + "to": 1462, + "ention": 1463, + "Ġalways": 1464, + "Ġmil": 1465, + "Ġwomen": 1466, + "Ġ16": 1467, + "Ġold": 1468, + "iven": 1469, + "raph": 1470, + "ĠOr": 1471, + "ror": 1472, + "ently": 1473, + "Ġnear": 1474, + "ĠEx": 1475, + "ream": 1476, + "sh": 1477, + "Ġ14": 1478, + "Ġfree": 1479, + "ission": 1480, + "stand": 1481, + "ĠCon": 1482, + "ality": 1483, + "used": 1484, + "13": 1485, + "Ġdesign": 1486, + "Ġchange": 1487, + "Ġchang": 1488, + "Ġbo": 1489, + "Ġvis": 1490, + "ember": 1491, + "Ġbook": 1492, + "ready": 1493, + "Ġkill": 1494, + "25": 1495, + "pped": 1496, + "Ġaway": 1497, + "Ġable": 1498, + "Ġcountry": 1499, + "Ġconst": 1500, + "arn": 1501, + "Ġorder": 1502, + "AR": 1503, + "ior": 1504, + "ium": 1505, + "orth": 1506, + "18": 1507, + "ailable": 1508, + "Ġsw": 1509, + "Ġmillion": 1510, + "Ġ13": 1511, + "atic": 1512, + "ted": 1513, + "ĠGo": 1514, + "Ġoper": 1515, + "eng": 1516, + "Ġthing": 1517, + "ajor": 1518, + "conom": 1519, + "ĠComm": 1520, + "Ġwhy": 1521, + "ured": 1522, + "ural": 1523, + "Ġschool": 1524, + "by": 1525, + "ĠMar": 1526, + "Ġaff": 1527, + "Ġdays": 1528, + "Ġann": 1529, + "ush": 1530, + "ane": 1531, + "If": 1532, + "eg": 1533, + "Ġprof": 1534, + "Ġhealth": 1535, + "outh": 1536, + "But": 1537, + "ional": 1538, + ".,": 1539, + "Ġsol": 1540, + "Ġalready": 1541, + "Ġ30": 1542, + "Ġcharact": 1543, + "He": 1544, + "Ġfriend": 1545, + "ES": 1546, + "ians": 1547, + "icle": 1548, + "'d": 1549, + "ĠOn": 1550, + "Ġleast": 1551, + "Ġprom": 1552, + "Ġdr": 1553, + "Ġhist": 1554, + "ither": 1555, + "Ġest": 1556, + "iqu": 1557, + "17": 1558, + "son": 1559, + "Ġtell": 1560, + "Ġtalk": 1561, + "ohn": 1562, + "oint": 1563, + "lection": 1564, + "AN": 1565, + "Ġuntil": 1566, + "augh": 1567, + "Ġlater": 1568, + "Ġve": 1569, + "Ġview": 1570, + "ending": 1571, + "ived": 1572, + "Ġword": 1573, + "ware": 1574, + "Ġcost": 1575, + "Ġenough": 1576, + "Ġgive": 1577, + "ĠUnited": 1578, + "Ġtechn": 1579, + "arent": 1580, + "OR": 1581, + "Ġpar": 1582, + "ĠDr": 1583, + "Ġ2016": 1584, + "rist": 1585, + "ering": 1586, + "ĠÂ": 1587, + "Ġlarge": 1588, + "side": 1589, + "acy": 1590, + "ccess": 1591, + "Ġwin": 1592, + "Ġimportant": 1593, + "Ġ199": 1594, + "Ġdoesn": 1595, + "Ġ17": 1596, + "Ġbusiness": 1597, + "Ġclear": 1598, + "Ġrese": 1599, + "\",": 1600, + "ury": 1601, + "Ġequ": 1602, + "aster": 1603, + "alf": 1604, + "ĠAmerican": 1605, + "nect": 1606, + "Ġexpect": 1607, + "iversity": 1608, + "Ġocc": 1609, + "ĠFl": 1610, + "Ġkind": 1611, + "Ġmean": 1612, + "Ġpast": 1613, + "Ġdev": 1614, + "Ġbas": 1615, + "let": 1616, + "raft": 1617, + "Ġorgan": 1618, + "Ġdel": 1619, + "Ġperform": 1620, + "Ġstory": 1621, + "Ġseason": 1622, + "ĠCol": 1623, + "Ġclaim": 1624, + "Ġcame": 1625, + "Ġwithin": 1626, + "Ġline": 1627, + "Ġproject": 1628, + "ĠAt": 1629, + "Ġcontrol": 1630, + "ended": 1631, + "ĠSy": 1632, + "Ġair": 1633, + "ization": 1634, + "Ġ*": 1635, + "ley": 1636, + "Ġmoney": 1637, + "idd": 1638, + "You": 1639, + "for": 1640, + "Ġfamily": 1641, + "Ġmaking": 1642, + "Ġbit": 1643, + "Ġpolice": 1644, + "Ġhappen": 1645, + "Ġvers": 1646, + "ony": 1647, + "uff": 1648, + "ĠWhen": 1649, + "Ġsit": 1650, + "ideo": 1651, + "lf": 1652, + "ison": 1653, + "Ġsure": 1654, + "gin": 1655, + "Ġappear": 1656, + "Ġlight": 1657, + "Ġes": 1658, + "of": 1659, + "Ġwater": 1660, + "Ġtimes": 1661, + "not": 1662, + "Ġgrow": 1663, + "Ġcompany": 1664, + "ĠTe": 1665, + "ows": 1666, + "Ġmar": 1667, + "ource": 1668, + "iol": 1669, + "arm": 1670, + "br": 1671, + "Ġexample": 1672, + "Ġconc": 1673, + "Ġfore": 1674, + "ĠTo": 1675, + "pro": 1676, + "EN": 1677, + "ries": 1678, + "Ġ25": 1679, + "ĠCan": 1680, + "ney": 1681, + "Ġactually": 1682, + "Ġever": 1683, + "urity": 1684, + "aken": 1685, + "aps": 1686, + "Ġtax": 1687, + "Ġmajor": 1688, + "ama": 1689, + "Ġoften": 1690, + "eral": 1691, + "Ġhuman": 1692, + "Ġjob": 1693, + "ister": 1694, + "Ġavailable": 1695, + "ocr": 1696, + "enn": 1697, + "aid": 1698, + "ivid": 1699, + "Ġrecord": 1700, + "?\"": 1701, + "Ġsing": 1702, + "ĠAm": 1703, + "idence": 1704, + "Ġnews": 1705, + "ster": 1706, + "Ġeconom": 1707, + "Ġfollowing": 1708, + "ĠBr": 1709, + "ising": 1710, + "Ġhour": 1711, + "most": 1712, + "ument": 1713, + "Ġsex": 1714, + "Ġdesc": 1715, + "Ġbecome": 1716, + "ĠEd": 1717, + "Ġtook": 1718, + "Ġhaving": 1719, + "Ġproduct": 1720, + "ault": 1721, + "As": 1722, + "aring": 1723, + "Ġmeans": 1724, + "Ġhop": 1725, + "une": 1726, + "Ġcho": 1727, + "Ġcertain": 1728, + "Ġnon": 1729, + "Ġdeal": 1730, + "24": 1731, + "lement": 1732, + "oci": 1733, + "ene": 1734, + "Ġside": 1735, + "ĠPr": 1736, + "ĠMay": 1737, + "Ġreason": 1738, + "ued": 1739, + "ched": 1740, + "ulation": 1741, + "Ġelect": 1742, + "Ġofficial": 1743, + "Ġpossible": 1744, + "Ġhold": 1745, + "ands": 1746, + "ots": 1747, + "Ġcity": 1748, + "ories": 1749, + "Ġsever": 1750, + "Ġchildren": 1751, + "Ġonce": 1752, + "Ġactiv": 1753, + "ler": 1754, + "Ġnight": 1755, + "itions": 1756, + "ĠJohn": 1757, + "ape": 1758, + "play": 1759, + "Ġdone": 1760, + "Ġlim": 1761, + "Ġworking": 1762, + "ĠPres": 1763, + "orld": 1764, + "eb": 1765, + "ĠCo": 1766, + "Ġbody": 1767, + "ails": 1768, + "utes": 1769, + "ĠMr": 1770, + "Ġwhether": 1771, + "Ġauthor": 1772, + "rop": 1773, + "Ġproper": 1774, + "Ġseen": 1775, + ");": 1776, + "Ġfac": 1777, + "ĠSu": 1778, + "Ġcond": 1779, + "iting": 1780, + "Ġcourse": 1781, + "Ġ}": 1782, + "----------------": 1783, + "aign": 1784, + "Ġevent": 1785, + "Ġeng": 1786, + "Ġpot": 1787, + "Ġintern": 1788, + "iam": 1789, + "Ġshort": 1790, + "empt": 1791, + "ãĤ": 1792, + "ĠGod": 1793, + "ilar": 1794, + "80": 1795, + "Ġorig": 1796, + "IS": 1797, + "ourn": 1798, + "ability": 1799, + "itive": 1800, + "Ġdam": 1801, + "Ġ100": 1802, + "Ġpress": 1803, + "Ġdoing": 1804, + "Ġprotect": 1805, + "ring": 1806, + "Ġthought": 1807, + "Ġquestion": 1808, + "rew": 1809, + "ĠWar": 1810, + "Ġseveral": 1811, + "ĠState": 1812, + "Ġgiven": 1813, + "Ġfund": 1814, + "ĠTw": 1815, + "Ġwent": 1816, + "ances": 1817, + "work": 1818, + "por": 1819, + "my": 1820, + "40": 1821, + "Ġarg": 1822, + "artment": 1823, + "ustom": 1824, + "Ġpolic": 1825, + "Ġmeet": 1826, + "Ġcreat": 1827, + "22": 1828, + "ĠStates": 1829, + "Ġgames": 1830, + "raw": 1831, + "uture": 1832, + "Ġunderstand": 1833, + "urs": 1834, + "ĠOb": 1835, + "lish": 1836, + "sy": 1837, + "Ġmakes": 1838, + "Ġwon": 1839, + "agon": 1840, + "Ġhtt": 1841, + "Ġlove": 1842, + "ential": 1843, + "Ġcomplete": 1844, + "par": 1845, + "ĠIm": 1846, + "AL": 1847, + "Ġaccount": 1848, + "Âł": 1849, + "ored": 1850, + "vert": 1851, + "Ġident": 1852, + "Ġ2015": 1853, + "Ġothers": 1854, + "ĠMin": 1855, + "iber": 1856, + "verage": 1857, + "There": 1858, + "itional": 1859, + "dd": 1860, + "Ġprob": 1861, + "Ġyoung": 1862, + "Ġalong": 1863, + "Ġaccording": 1864, + "Ġyet": 1865, + "Ġmembers": 1866, + "ĠWhat": 1867, + "oid": 1868, + "ĠMan": 1869, + "And": 1870, + "Ġamong": 1871, + "ai": 1872, + "Ġemploy": 1873, + "ĠRes": 1874, + "Ġ>": 1875, + "Ġinvol": 1876, + "Ġlow": 1877, + "af": 1878, + "ĠCar": 1879, + "Ġhig": 1880, + "ĠOne": 1881, + "ĠSec": 1882, + "ination": 1883, + "Ġlikely": 1884, + "Ġant": 1885, + "aged": 1886, + "ĠRuss": 1887, + "Ġben": 1888, + "Ġrele": 1889, + "For": 1890, + "back": 1891, + "ĠNot": 1892, + "Ġpresident": 1893, + "ball": 1894, + "Ġaccess": 1895, + "ividual": 1896, + "ĠDem": 1897, + "ĠEuro": 1898, + "60": 1899, + "Ġknown": 1900, + "irl": 1901, + "ĠGr": 1902, + "Ġearly": 1903, + "use": 1904, + "iety": 1905, + "âĢĵ": 1906, + "Ġfight": 1907, + "Ġsent": 1908, + "Ġtoday": 1909, + "Ġmarket": 1910, + "\".": 1911, + "Ġbased": 1912, + "Ġstrong": 1913, + "urther": 1914, + "Ġdeb": 1915, + "mber": 1916, + "Ġproblem": 1917, + "Ġdeath": 1918, + "Ġsocial": 1919, + "imate": 1920, + "AS": 1921, + "ortun": 1922, + "Ġcampaign": 1923, + "ery": 1924, + "Ch": 1925, + "Ġey": 1926, + "ially": 1927, + "Ġmus": 1928, + "wh": 1929, + "pos": 1930, + "Ġer": 1931, + "Ġsaf": 1932, + "Ġmonths": 1933, + "iron": 1934, + "Ġviol": 1935, + "Ġfive": 1936, + "Ġstre": 1937, + "Ġplayers": 1938, + "inc": 1939, + "ald": 1940, + "year": 1941, + "aun": 1942, + "Ġsuccess": 1943, + "Ġpresent": 1944, + "erence": 1945, + "Ġ2014": 1946, + "Ġsugg": 1947, + "Ġparticular": 1948, + "Ġtry": 1949, + "Ġsuggest": 1950, + "ĠChrist": 1951, + "ones": 1952, + "Ġpriv": 1953, + "23": 1954, + "Ġcrit": 1955, + "Ġland": 1956, + "Ġlocal": 1957, + "ify": 1958, + "29": 1959, + "Ġaut": 1960, + "ED": 1961, + "ĠGu": 1962, + "Ġmult": 1963, + "Ġpolitical": 1964, + "Ġasked": 1965, + "Ġformer": 1966, + "itter": 1967, + "ript": 1968, + "Ġclose": 1969, + "Ġpract": 1970, + "ĠYork": 1971, + "Ġgetting": 1972, + "Ġacross": 1973, + "Ġcomb": 1974, + "Ġbelieve": 1975, + "Ġz": 1976, + "Ġtoget": 1977, + "Ġtogether": 1978, + "ĠCent": 1979, + "irc": 1980, + "Ġindividual": 1981, + "ĠMc": 1982, + "27": 1983, + "isk": 1984, + "ĠEng": 1985, + "Ġface": 1986, + "Ġ24": 1987, + "Ġvalue": 1988, + "Ġarea": 1989, + "ev": 1990, + "Ġwrit": 1991, + "ĠPresident": 1992, + "Ġvot": 1993, + "Ġkey": 1994, + "Ġmom": 1995, + "put": 1996, + "Ġanything": 1997, + "Ġexperience": 1998, + "attle": 1999, + "Ġmind": 2000, + "aff": 2001, + "omm": 2002, + "Ġfuture": 2003, + "ged": 2004, + "Ġcut": 2005, + "Ġtot": 2006, + "itch": 2007, + "Ġvideo": 2008, + "Ġinvestig": 2009, + "Ġnet": 2010, + "ĠMy": 2011, + "rict": 2012, + "ien": 2013, + ".)": 2014, + "Ġimpro": 2015, + "though": 2016, + "wards": 2017, + "Ġconnect": 2018, + "ĠMed": 2019, + "selves": 2020, + "ensive": 2021, + "mb": 2022, + "ober": 2023, + "ators": 2024, + "An": 2025, + "Ġ50": 2026, + "Ġredu": 2027, + "resent": 2028, + "Ġabove": 2029, + "Ġfre": 2030, + "ĠEurope": 2031, + "sw": 2032, + "Ġamount": 2033, + "ĠApp": 2034, + "Ġeither": 2035, + "Ġmilit": 2036, + "Ġanal": 2037, + "Ġfail": 2038, + "ĠEn": 2039, + "ales": 2040, + "Ġspecial": 2041, + "Ġblack": 2042, + "IT": 2043, + "cher": 2044, + "Ġlooking": 2045, + "Ġfire": 2046, + "yn": 2047, + "Ġalmost": 2048, + "oon": 2049, + "Ġstudy": 2050, + "Ġmiss": 2051, + "ches": 2052, + "rown": 2053, + "Ġtre": 2054, + "Ġcommunity": 2055, + "Ġmedia": 2056, + "Ġfood": 2057, + "Ġcomes": 2058, + "ĠUniversity": 2059, + "Ġsingle": 2060, + "What": 2061, + "uly": 2062, + "Ġhalf": 2063, + "ague": 2064, + "hod": 2065, + "ĠRepublic": 2066, + "Ġstarted": 2067, + "Ġquick": 2068, + "oto": 2069, + "book": 2070, + "Ġissue": 2071, + "itor": 2072, + "Ġelse": 2073, + "Ġconsider": 2074, + "26": 2075, + "rodu": 2076, + "Ġtaken": 2077, + "28": 2078, + "99": 2079, + "ĠWith": 2080, + "Ġtrue": 2081, + "Ġwa": 2082, + "Ġtrad": 2083, + "Ġago": 2084, + "Ġmess": 2085, + "ief": 2086, + "Ġadded": 2087, + "oke": 2088, + "Ġbad": 2089, + "Ġfav": 2090, + "33": 2091, + "Ġsimilar": 2092, + "ask": 2093, + "ĠDon": 2094, + "Ġcharacter": 2095, + "orts": 2096, + "ĠHouse": 2097, + "Ġreported": 2098, + "Ġtype": 2099, + "val": 2100, + "iod": 2101, + "ĠHowever": 2102, + "Ġtarg": 2103, + "Ġentire": 2104, + "pping": 2105, + "Ġhistory": 2106, + "Ġlive": 2107, + "ffic": 2108, + "........": 2109, + "ederal": 2110, + "Ġtrying": 2111, + "Ġdiscuss": 2112, + "ĠHar": 2113, + "aces": 2114, + "lished": 2115, + "Ġself": 2116, + "osp": 2117, + "rest": 2118, + "Ġroom": 2119, + "elt": 2120, + "Ġfall": 2121, + "olution": 2122, + "Ġet": 2123, + "Ġx": 2124, + "Ġisn": 2125, + "Ġidea": 2126, + "bo": 2127, + "Ġsound": 2128, + "ĠDep": 2129, + "Ġsomeone": 2130, + "cially": 2131, + "ully": 2132, + "Ġfoc": 2133, + "Ġobject": 2134, + "ift": 2135, + "aper": 2136, + "Ġplayer": 2137, + "Ġrather": 2138, + "Ġservice": 2139, + "ashing": 2140, + "ĠDo": 2141, + "ĠPart": 2142, + "rug": 2143, + "mon": 2144, + "ply": 2145, + "Ġmor": 2146, + "Ġnothing": 2147, + "Ġprovide": 2148, + "IC": 2149, + "ung": 2150, + "Ġparty": 2151, + "Ġexist": 2152, + "Ġmag": 2153, + "70": 2154, + "Ġrul": 2155, + "Ġhouse": 2156, + "Ġbehind": 2157, + "Ġhowever": 2158, + "ĠWorld": 2159, + "Ġsum": 2160, + "Ġapplic": 2161, + "Ġ;": 2162, + "Ġfunction": 2163, + "gr": 2164, + "ĠPol": 2165, + "Ġfront": 2166, + "200": 2167, + "Ġseries": 2168, + "Ġtem": 2169, + "Ġtyp": 2170, + "ills": 2171, + "Ġopt": 2172, + "Ġpoints": 2173, + "Ġbelow": 2174, + "itted": 2175, + "Ġspecific": 2176, + "Ġ2017": 2177, + "umb": 2178, + "Ġra": 2179, + "Ġprevious": 2180, + "Ġpret": 2181, + "reme": 2182, + "Ġcustom": 2183, + "Ġcourt": 2184, + "ĠMe": 2185, + "Ġrepl": 2186, + "Ġwhole": 2187, + "go": 2188, + "cer": 2189, + "Ġtreat": 2190, + "ĠAct": 2191, + "Ġprobably": 2192, + "Ġlearn": 2193, + "ender": 2194, + "ĠAss": 2195, + "Ġversion": 2196, + "now": 2197, + "Ġcheck": 2198, + "ĠCal": 2199, + "RE": 2200, + "minist": 2201, + "On": 2202, + "ources": 2203, + "Ġbenef": 2204, + "Ġdoc": 2205, + "Ġdeter": 2206, + "Ġenc": 2207, + "Ġsuper": 2208, + "Ġaddress": 2209, + "Ġvict": 2210, + "Ġ2013": 2211, + "Ġmeas": 2212, + "tr": 2213, + "Ġfield": 2214, + "When": 2215, + "Ġsignific": 2216, + "uge": 2217, + "Ġfeat": 2218, + "Ġcommon": 2219, + "load": 2220, + "Ġbegin": 2221, + "Ġbring": 2222, + "Ġaction": 2223, + "erman": 2224, + "Ġdescrib": 2225, + "Ġindust": 2226, + "Ġwanted": 2227, + "ried": 2228, + "ming": 2229, + "Ġattempt": 2230, + "45": 2231, + "fer": 2232, + "Ġdue": 2233, + "ression": 2234, + "##": 2235, + "Ġshall": 2236, + "Ġsix": 2237, + "oo": 2238, + "Ġstep": 2239, + "Ġpub": 2240, + "Ġhimself": 2241, + "Ġ23": 2242, + "Ġcop": 2243, + "Ġdest": 2244, + "Ġstop": 2245, + "AC": 2246, + "ibility": 2247, + "Ġlab": 2248, + "icult": 2249, + "Ġhours": 2250, + "Ġcreate": 2251, + "Ġfurther": 2252, + "ĠAmerica": 2253, + "ĠCity": 2254, + "Ġdou": 2255, + "head": 2256, + "ST": 2257, + "ĠNorth": 2258, + "cing": 2259, + "Ġnational": 2260, + "ule": 2261, + "ĠInst": 2262, + "Ġtaking": 2263, + "ĠQu": 2264, + "irt": 2265, + "Ġred": 2266, + "Ġresearch": 2267, + "viron": 2268, + "ĠGe": 2269, + "Ġbreak": 2270, + "ana": 2271, + "Ġspace": 2272, + "aterial": 2273, + "Ġrecent": 2274, + "ĠAb": 2275, + "Ġgeneral": 2276, + "Ġhit": 2277, + "Ġperiod": 2278, + "Ġeverything": 2279, + "ively": 2280, + "Ġphys": 2281, + "Ġsaying": 2282, + "anks": 2283, + "Ġcou": 2284, + "Ġcult": 2285, + "aced": 2286, + "eal": 2287, + "uation": 2288, + "Ġcoun": 2289, + "lu": 2290, + "Ġinclude": 2291, + "Ġposition": 2292, + "ĠAfter": 2293, + "ĠCanad": 2294, + "ĠEm": 2295, + "Ġimm": 2296, + "ĠRed": 2297, + "Ġpick": 2298, + "Ġcompl": 2299, + "Ġmatter": 2300, + "reg": 2301, + "ext": 2302, + "angu": 2303, + "isc": 2304, + "ole": 2305, + "aut": 2306, + "Ġcompet": 2307, + "eed": 2308, + "fect": 2309, + "Ġ21": 2310, + "ĠSen": 2311, + "ĠThese": 2312, + "asing": 2313, + "Ġcannot": 2314, + "Ġinit": 2315, + "Ġrelations": 2316, + "ached": 2317, + "Ġbar": 2318, + "Ġ40": 2319, + "ĠTH": 2320, + "Ġ2012": 2321, + "Ġvol": 2322, + "Ġground": 2323, + "Ġsecurity": 2324, + "Ġupd": 2325, + "ilt": 2326, + "35": 2327, + "Ġconcern": 2328, + "ĠJust": 2329, + "Ġwhite": 2330, + "Ġseems": 2331, + "ĠHer": 2332, + "pecially": 2333, + "ients": 2334, + "Ġannoun": 2335, + "Ġfig": 2336, + "ights": 2337, + "Ġstri": 2338, + "like": 2339, + "ids": 2340, + "Ġsus": 2341, + "Ġwatch": 2342, + "Ġâ": 2343, + "Ġwind": 2344, + "ĠCont": 2345, + "Ġitself": 2346, + "Ġmass": 2347, + "Al": 2348, + "yle": 2349, + "ique": 2350, + "ĠNational": 2351, + "Ġabs": 2352, + "Ġpack": 2353, + "Ġoutside": 2354, + "Ġanim": 2355, + "Ġpain": 2356, + "eter": 2357, + "Ġmanag": 2358, + "duct": 2359, + "ogn": 2360, + "Ġ]": 2361, + "ĠSept": 2362, + "sec": 2363, + "off": 2364, + "ĠJan": 2365, + "Ġfoot": 2366, + "ades": 2367, + "Ġthird": 2368, + "Ġmot": 2369, + "Ġevidence": 2370, + "inton": 2371, + "Ġthreat": 2372, + "apt": 2373, + "ples": 2374, + "cle": 2375, + "Ġlo": 2376, + "Ġdecl": 2377, + "Ġitem": 2378, + "medi": 2379, + "Ġrepresent": 2380, + "omb": 2381, + "amer": 2382, + "Ġsignificant": 2383, + "ograph": 2384, + "su": 2385, + "Ġcal": 2386, + "ires": 2387, + "0000": 2388, + "ID": 2389, + "AM": 2390, + "Ġsimply": 2391, + "Ġlonger": 2392, + "Ġfile": 2393, + "OT": 2394, + "che": 2395, + "So": 2396, + "ateg": 2397, + "org": 2398, + "ĠHis": 2399, + "Ġener": 2400, + "Ġdom": 2401, + "Ġupon": 2402, + "ili": 2403, + "\":\"": 2404, + "Ġthemselves": 2405, + "Ġcoming": 2406, + "Ġquite": 2407, + "Ġdifficult": 2408, + "ĠBar": 2409, + "ilities": 2410, + "rel": 2411, + "ends": 2412, + "cial": 2413, + "64": 2414, + "Ġwoman": 2415, + "rap": 2416, + "yr": 2417, + "Ġnecess": 2418, + "ips": 2419, + "Ġtext": 2420, + "Ġrequire": 2421, + "Ġmilitary": 2422, + "Ġreview": 2423, + "Ġrespons": 2424, + "75": 2425, + "Ġsubject": 2426, + "Ġinstead": 2427, + "Ġissues": 2428, + "Ġgen": 2429, + "\",\"": 2430, + "Ġminutes": 2431, + "Ġweap": 2432, + "ray": 2433, + "amed": 2434, + "time": 2435, + "bl": 2436, + "How": 2437, + "Ġcode": 2438, + "ĠSm": 2439, + "Ġhigher": 2440, + "ĠSte": 2441, + "ris": 2442, + "Ġpage": 2443, + "Ġstudents": 2444, + "ĠIntern": 2445, + "Ġmethod": 2446, + "ĠAug": 2447, + "ĠPer": 2448, + "ĠAg": 2449, + "Ġpolicy": 2450, + "ĠSw": 2451, + "Ġexec": 2452, + "Ġaccept": 2453, + "ume": 2454, + "ribut": 2455, + "Ġwords": 2456, + "Ġfinal": 2457, + "Ġchanges": 2458, + "ĠDemocr": 2459, + "Ġfriends": 2460, + "Ġrespect": 2461, + "Ġep": 2462, + "Ġcompan": 2463, + "ivil": 2464, + "Ġdamage": 2465, + "****": 2466, + "ogle": 2467, + "vironment": 2468, + "Ġneg": 2469, + "ental": 2470, + "Ġap": 2471, + "Ġtotal": 2472, + "ival": 2473, + "!\"": 2474, + "lim": 2475, + "Ġneeds": 2476, + "Ġagre": 2477, + "Ġdevelopment": 2478, + "Ġage": 2479, + "iple": 2480, + "21": 2481, + "Ġresults": 2482, + "ĠAf": 2483, + "Sh": 2484, + "Ġgun": 2485, + "ĠObama": 2486, + "roll": 2487, + "Ġ@": 2488, + "Ġrights": 2489, + "ĠBrit": 2490, + "Ġrunning": 2491, + "Ġwasn": 2492, + "Ġport": 2493, + "Ġrate": 2494, + "Ġpretty": 2495, + "Ġtarget": 2496, + "Ġsaw": 2497, + "Ġcirc": 2498, + "Ġworks": 2499, + "icro": 2500, + "alt": 2501, + "over": 2502, + "www": 2503, + "That": 2504, + "lier": 2505, + "Ġeveryone": 2506, + "ude": 2507, + "Ġpie": 2508, + "iddle": 2509, + "rael": 2510, + "Ġrad": 2511, + "Ġblock": 2512, + "Ġwalk": 2513, + "To": 2514, + "ãģ": 2515, + "nes": 2516, + "ĠAust": 2517, + "aul": 2518, + "rote": 2519, + "ĠSouth": 2520, + "ession": 2521, + "oph": 2522, + "Ġshows": 2523, + "Ġsite": 2524, + "Ġjo": 2525, + "Ġrisk": 2526, + "clus": 2527, + "lt": 2528, + "Ġinj": 2529, + "iding": 2530, + "ĠSpe": 2531, + "Ġchall": 2532, + "irm": 2533, + "Ġ22": 2534, + "itting": 2535, + "str": 2536, + "Ġhy": 2537, + "LE": 2538, + "key": 2539, + "Ġbegan": 2540, + "atur": 2541, + "ashington": 2542, + "lam": 2543, + "ĠDav": 2544, + "bit": 2545, + "Ġsize": 2546, + "ĠPar": 2547, + "38": 2548, + "ournal": 2549, + "face": 2550, + "Ġdecision": 2551, + "Ġlarg": 2552, + "Ġjud": 2553, + "rect": 2554, + "Ġcontinue": 2555, + "ĠOct": 2556, + "overed": 2557, + "ĠInt": 2558, + "========": 2559, + "Ġparent": 2560, + "ĠWill": 2561, + "Ġeasy": 2562, + "Ġdrug": 2563, + "anger": 2564, + "Ġsense": 2565, + "Ġdi": 2566, + "iday": 2567, + "Ġenergy": 2568, + "istic": 2569, + "Ġassoci": 2570, + "arter": 2571, + "obal": 2572, + "eks": 2573, + "ĠEl": 2574, + "urch": 2575, + "Ġgirl": 2576, + "oe": 2577, + "itle": 2578, + "Ġ28": 2579, + "ĠChe": 2580, + "Ġrequest": 2581, + "Ġsoon": 2582, + "Ġhost": 2583, + "ky": 2584, + "Ġstates": 2585, + "omes": 2586, + "Ġmaterial": 2587, + "lex": 2588, + "Ġmoment": 2589, + "Ġansw": 2590, + "onse": 2591, + "Ġespecially": 2592, + "Ġnorm": 2593, + "Ġservices": 2594, + "pite": 2595, + "ran": 2596, + "Ġrole": 2597, + "44": 2598, + "):": 2599, + "Ġcred": 2600, + "Cl": 2601, + "________": 2602, + "Ġmat": 2603, + "Ġlog": 2604, + "ĠClinton": 2605, + "OU": 2606, + "Ġoffice": 2607, + "Ġ26": 2608, + "Ġcharg": 2609, + "Ġtrack": 2610, + "ma": 2611, + "Ġheart": 2612, + "Ġball": 2613, + "Ġpersonal": 2614, + "Ġbuilding": 2615, + "na": 2616, + "set": 2617, + "body": 2618, + "ĠBlack": 2619, + "Ġincrease": 2620, + "itten": 2621, + "Ġneeded": 2622, + "36": 2623, + "32": 2624, + "=\"": 2625, + "Ġlost": 2626, + "Ġbecame": 2627, + "Ġgroups": 2628, + "ĠMus": 2629, + "Ġwrote": 2630, + "ĠPe": 2631, + "Ġprop": 2632, + "joy": 2633, + "é": 2634, + "ĠWhite": 2635, + "Ġdead": 2636, + ".'": 2637, + "Ġhttp": 2638, + "Ġwebs": 2639, + "OS": 2640, + "Ġinside": 2641, + "Ġwrong": 2642, + "Ġstatement": 2643, + "Ġ...": 2644, + "yl": 2645, + "Ġfilm": 2646, + "Ġmusic": 2647, + "Ġshare": 2648, + "ification": 2649, + "Ġrelease": 2650, + "Ġforward": 2651, + "Ġstay": 2652, + "Ġcomput": 2653, + "itte": 2654, + "ser": 2655, + "Ġoriginal": 2656, + "Ġcard": 2657, + "Ġcand": 2658, + "Ġdiv": 2659, + "atural": 2660, + "Ġfavor": 2661, + "OM": 2662, + "Ġcases": 2663, + "uses": 2664, + "Ġsection": 2665, + "Ġleave": 2666, + "ging": 2667, + "oved": 2668, + "ĠWashington": 2669, + "39": 2670, + "ĠGl": 2671, + "Ġrequired": 2672, + "action": 2673, + "apan": 2674, + "oor": 2675, + "iter": 2676, + "ĠKing": 2677, + "Ġcountries": 2678, + "ĠGerman": 2679, + "lling": 2680, + "Ġ27": 2681, + "34": 2682, + "Ġquestions": 2683, + "Ġprim": 2684, + "Ġcell": 2685, + "Ġshoot": 2686, + "Ġanyone": 2687, + "ĠWest": 2688, + "Ġaffect": 2689, + "epend": 2690, + "Ġonline": 2691, + "ĠIsrael": 2692, + "ĠSeptember": 2693, + "Ġability": 2694, + "Ġcontent": 2695, + "ises": 2696, + "Ġreve": 2697, + "Ġlaun": 2698, + "Ġindic": 2699, + "Ġforce": 2700, + "cast": 2701, + "Ġsold": 2702, + "aving": 2703, + "fl": 2704, + "Ġsoft": 2705, + "Ġcompanies": 2706, + "ceed": 2707, + "Ġarticle": 2708, + "Ġaud": 2709, + "Ġrev": 2710, + "Ġeduc": 2711, + "Ġplaying": 2712, + "05": 2713, + "Ġheld": 2714, + "ctor": 2715, + "Ġreleased": 2716, + "Ġfederal": 2717, + "37": 2718, + "Ġadminist": 2719, + "Ġinterview": 2720, + "Ġinstall": 2721, + "Ġreceived": 2722, + "Ġsource": 2723, + "uk": 2724, + "Ph": 2725, + "Ġserious": 2726, + "Ġcreated": 2727, + "Ġcause": 2728, + "Ġimmedi": 2729, + "Ġdefin": 2730, + "uel": 2731, + "ĠDepartment": 2732, + "ctions": 2733, + "ĠCour": 2734, + "ĠNow": 2735, + "ze": 2736, + "ites": 2737, + "itution": 2738, + "Ġlate": 2739, + "Ġspeak": 2740, + "ners": 2741, + "Ġlegal": 2742, + "ari": 2743, + "ĠCor": 2744, + "Ġweeks": 2745, + "Ġmodel": 2746, + "Ġpred": 2747, + "Ġexact": 2748, + "BC": 2749, + "ĠBy": 2750, + "ING": 2751, + "osing": 2752, + "Ġtakes": 2753, + "Ġregard": 2754, + "Ġopportun": 2755, + "Ġprice": 2756, + "Ġ198": 2757, + "ĠApr": 2758, + "fully": 2759, + "Ġord": 2760, + "Ġproblems": 2761, + "ruction": 2762, + "ham": 2763, + "ĠCount": 2764, + "lege": 2765, + "Ġleaders": 2766, + "ET": 2767, + "lev": 2768, + "Ġdeep": 2769, + "ological": 2770, + "ese": 2771, + "haps": 2772, + "ĠSome": 2773, + "Ġpers": 2774, + "Ġcontract": 2775, + "Ġrelationship": 2776, + "sp": 2777, + "oud": 2778, + "Ġbase": 2779, + "48": 2780, + "mit": 2781, + "Ad": 2782, + "ancial": 2783, + "Ġconsum": 2784, + "Ġpotential": 2785, + "Ġlangu": 2786, + "rem": 2787, + "eth": 2788, + "Ġrelig": 2789, + "ressed": 2790, + "66": 2791, + "Ġlink": 2792, + "Ġlower": 2793, + "ayer": 2794, + "ĠJune": 2795, + "Ġfem": 2796, + "unt": 2797, + "erc": 2798, + "urd": 2799, + "Ġcontact": 2800, + "Ġill": 2801, + "Ġmother": 2802, + "Ġestab": 2803, + "htt": 2804, + "ĠMarch": 2805, + "ĠBro": 2806, + "ĠChina": 2807, + "Ġ29": 2808, + "Ġsqu": 2809, + "Ġprovided": 2810, + "Ġaverage": 2811, + "asons": 2812, + "Ġ2011": 2813, + "Ġexam": 2814, + "lin": 2815, + "55": 2816, + "ned": 2817, + "Ġperfect": 2818, + "Ġtou": 2819, + "alse": 2820, + "ux": 2821, + "Ġbuy": 2822, + "Ġshot": 2823, + "Ġcollect": 2824, + "Ġphot": 2825, + "Ġplayed": 2826, + "Ġsurpr": 2827, + "Ġofficials": 2828, + "Ġsimple": 2829, + "avy": 2830, + "Ġindustry": 2831, + "Ġhands": 2832, + "ground": 2833, + "Ġpull": 2834, + "Ġround": 2835, + "Ġuser": 2836, + "Ġrange": 2837, + "uary": 2838, + "Ġprivate": 2839, + "ops": 2840, + "ees": 2841, + "Ġways": 2842, + "ĠMich": 2843, + "Ġveh": 2844, + "Ġexcept": 2845, + "Ġterms": 2846, + "imum": 2847, + "pper": 2848, + "ION": 2849, + "ores": 2850, + "ĠDragon": 2851, + "oul": 2852, + "Ġden": 2853, + "Ġperformance": 2854, + "Ġbill": 2855, + "cil": 2856, + "47": 2857, + "Ġenvironment": 2858, + "Ġexc": 2859, + "add": 2860, + "Ġworth": 2861, + "Ġpict": 2862, + "Ġchance": 2863, + "Ġ2018": 2864, + "bor": 2865, + "Ġspeed": 2866, + "iction": 2867, + "Ġalleg": 2868, + "ĠJapan": 2869, + "atory": 2870, + "reet": 2871, + "Ġmatch": 2872, + "ĠII": 2873, + "Ġstru": 2874, + "order": 2875, + "Ġste": 2876, + "Ġliving": 2877, + "Ġstruct": 2878, + "ino": 2879, + "Ġsepar": 2880, + "hern": 2881, + "Ġresponse": 2882, + "Ġenjoy": 2883, + "Ġvia": 2884, + "AD": 2885, + "uments": 2886, + "acebook": 2887, + "Ġmember": 2888, + "ibr": 2889, + "izing": 2890, + "Ġtool": 2891, + "ĠMon": 2892, + "ĠWhile": 2893, + "hood": 2894, + "ĠAng": 2895, + "ĠDef": 2896, + "Ġoffer": 2897, + "Tr": 2898, + "aur": 2899, + "Ġturned": 2900, + "ĠJuly": 2901, + "down": 2902, + "anced": 2903, + "Ġrecently": 2904, + "ĠEar": 2905, + "Ġce": 2906, + "ĠStar": 2907, + "ĠCong": 2908, + "rought": 2909, + "Ġblood": 2910, + "Ġhope": 2911, + "Ġcomment": 2912, + "aint": 2913, + "Ġarri": 2914, + "iles": 2915, + "Ġparticip": 2916, + "ought": 2917, + "ription": 2918, + "08": 2919, + "49": 2920, + "Ġgave": 2921, + "Ġselect": 2922, + "Ġkilled": 2923, + "sych": 2924, + "Ġgoes": 2925, + "ij": 2926, + "Ġcoll": 2927, + "Ġimpact": 2928, + "atives": 2929, + "ĠSer": 2930, + "09": 2931, + "ĠAugust": 2932, + "Ġboy": 2933, + "de": 2934, + "ĠDes": 2935, + "Ġfelt": 2936, + "US": 2937, + "Ġexpected": 2938, + "Ġimage": 2939, + "ĠMark": 2940, + "ccording": 2941, + "oice": 2942, + "EC": 2943, + "ĠMag": 2944, + "ened": 2945, + "hold": 2946, + "ĠPost": 2947, + "Ġprevent": 2948, + "No": 2949, + "Ġinvolved": 2950, + "Ġeyes": 2951, + "Ġquickly": 2952, + "At": 2953, + "unk": 2954, + "Ġbehav": 2955, + "Ġur": 2956, + "Ġled": 2957, + "come": 2958, + "ey": 2959, + "Ġcandid": 2960, + "Ġearlier": 2961, + "Ġfocus": 2962, + "ety": 2963, + "Pro": 2964, + "ledge": 2965, + "ixed": 2966, + "illed": 2967, + "Ġpopular": 2968, + "AP": 2969, + "Ġsett": 2970, + "light": 2971, + "Ġvarious": 2972, + "inks": 2973, + "Ġlevels": 2974, + "Ġroad": 2975, + "ellig": 2976, + "ables": 2977, + "hel": 2978, + "ittee": 2979, + "ĠGener": 2980, + "ype": 2981, + "Ġheard": 2982, + "icles": 2983, + "Ġmis": 2984, + "Ġusers": 2985, + "ĠSan": 2986, + "Ġimprove": 2987, + "Ġfather": 2988, + "Ġsearch": 2989, + "They": 2990, + "vil": 2991, + "Ġprofess": 2992, + "Ġknew": 2993, + "Ġloss": 2994, + "Ġevents": 2995, + "65": 2996, + "Ġbillion": 2997, + "07": 2998, + "02": 2999, + "ĠNews": 3000, + "ĠAM": 3001, + "Ġcover": 3002, + "where": 3003, + "ension": 3004, + "Ġbott": 3005, + "Ġareas": 3006, + "ences": 3007, + "ope": 3008, + "ĠTwitter": 3009, + "ael": 3010, + "Ġgets": 3011, + "ĠGoogle": 3012, + "Ġsn": 3013, + "iant": 3014, + "Ġvote": 3015, + "Ġnearly": 3016, + "Ġincluded": 3017, + "Ġrecogn": 3018, + "zz": 3019, + "mm": 3020, + "aled": 3021, + "Ġhappened": 3022, + "04": 3023, + "Ġhot": 3024, + "Ġwhose": 3025, + "Ġcivil": 3026, + "Ġsuff": 3027, + "oes": 3028, + "itiz": 3029, + "ĠSyri": 3030, + "Ġrespond": 3031, + "Ġhon": 3032, + "Ġfeatures": 3033, + "Ġeconomic": 3034, + "ĠApril": 3035, + "rim": 3036, + "Ġtechnology": 3037, + "Ġoption": 3038, + "aging": 3039, + "Ġpurch": 3040, + "Re": 3041, + "Ġlat": 3042, + "chie": 3043, + "isl": 3044, + "Ġrecomm": 3045, + "uf": 3046, + "Ġtraining": 3047, + "Ġeffects": 3048, + "Ġfast": 3049, + "Ġ2010": 3050, + "Ġoccur": 3051, + "Ġwebsite": 3052, + "Ġemail": 3053, + "Ġsens": 3054, + "ech": 3055, + "Ġoil": 3056, + "Ġinflu": 3057, + "Ġcurrently": 3058, + "ĠSch": 3059, + "ĠAdd": 3060, + "Ġgoal": 3061, + "Ġscient": 3062, + "Ġconv": 3063, + "100": 3064, + "emy": 3065, + "Ġdecided": 3066, + "Ġtravel": 3067, + "Ġmention": 3068, + "LL": 3069, + "03": 3070, + "Ġelection": 3071, + "Ġphone": 3072, + "Ġlooks": 3073, + "Ġsituation": 3074, + "Ġcy": 3075, + "Ġhor": 3076, + "bed": 3077, + "ĠCourt": 3078, + "aily": 3079, + "aves": 3080, + "Ġquality": 3081, + "ĠComp": 3082, + "wise": 3083, + "Ġtable": 3084, + "Ġstaff": 3085, + "ĠWind": 3086, + "ett": 3087, + "Ġtried": 3088, + "idered": 3089, + "Ġaddition": 3090, + "Ġbox": 3091, + "Ġlack": 3092, + "arily": 3093, + "Ġwide": 3094, + "Ġmid": 3095, + "Ġboard": 3096, + "ysis": 3097, + "Ġanti": 3098, + "ha": 3099, + "Ġdig": 3100, + "ening": 3101, + "Ġdro": 3102, + "Con": 3103, + "68": 3104, + "Ġslow": 3105, + "based": 3106, + "sequ": 3107, + "Ġpath": 3108, + "Ex": 3109, + "aker": 3110, + "Ġworked": 3111, + "Ġpen": 3112, + "Ġengine": 3113, + "Ġlooked": 3114, + "ĠSuper": 3115, + "ĠServ": 3116, + "Ġvictim": 3117, + "Un": 3118, + "Ġproperty": 3119, + "Ġintrodu": 3120, + "Ġexecut": 3121, + "ĠPM": 3122, + "Le": 3123, + "Ġcolor": 3124, + "ĠMore": 3125, + "Ġ60": 3126, + "Ġnetwork": 3127, + "Ġdate": 3128, + "cul": 3129, + "idge": 3130, + "Ġextra": 3131, + "31": 3132, + "Ġsle": 3133, + "67": 3134, + "Ġwond": 3135, + "Ġreports": 3136, + "just": 3137, + "ĠAustral": 3138, + "Ġcapital": 3139, + "Ġens": 3140, + "Ġcommand": 3141, + "Ġallowed": 3142, + "Ġprep": 3143, + "Ġcapt": 3144, + "hib": 3145, + "Ġnumbers": 3146, + "chan": 3147, + "Ġfair": 3148, + "mp": 3149, + "oms": 3150, + "Ġreach": 3151, + "With": 3152, + "tain": 3153, + "Ġbroad": 3154, + "Ġcouple": 3155, + "ecause": 3156, + "lying": 3157, + "ĠFeb": 3158, + "Ġscreen": 3159, + "Ġlives": 3160, + "Ġprior": 3161, + "ĠCongress": 3162, + "Ar": 3163, + "Ġapproach": 3164, + "Ġemer": 3165, + "aries": 3166, + "ĠDis": 3167, + "serv": 3168, + "ĠNe": 3169, + "Ġbuilt": 3170, + "cies": 3171, + "Ġrepe": 3172, + "Ġrules": 3173, + "force": 3174, + "ĠPal": 3175, + "Ġfinancial": 3176, + "Ġconsidered": 3177, + "ĠChar": 3178, + "nces": 3179, + "ĠIS": 3180, + "Ġbrought": 3181, + "Ġbi": 3182, + "iers": 3183, + "ĠSim": 3184, + "OP": 3185, + "Ġproducts": 3186, + "Ġvisit": 3187, + "Ġdocument": 3188, + "Ġconduct": 3189, + "Ġcompletely": 3190, + "ining": 3191, + "ĠCalif": 3192, + "ibly": 3193, + "Ġwritten": 3194, + "ĠTV": 3195, + "ements": 3196, + "Ġdraw": 3197, + "One": 3198, + "Ġpublished": 3199, + "Ġsecret": 3200, + "rain": 3201, + "het": 3202, + "ĠFacebook": 3203, + "onday": 3204, + "ĠUp": 3205, + "Ġsexual": 3206, + "Ġthous": 3207, + "ĠPat": 3208, + "Ġess": 3209, + "Ġstandard": 3210, + "Ġarm": 3211, + "ges": 3212, + "ection": 3213, + "Ġfell": 3214, + "Ġforeign": 3215, + "ani": 3216, + "ĠFriday": 3217, + "Ġregular": 3218, + "inary": 3219, + "Ġincreased": 3220, + "Ġusually": 3221, + "Ġdemon": 3222, + "Ġdark": 3223, + "Ġadditional": 3224, + "rol": 3225, + "ĠOf": 3226, + "Ġproduction": 3227, + "!!": 3228, + "undred": 3229, + "Ġinternational": 3230, + "idents": 3231, + "ĠFree": 3232, + "roup": 3233, + "Ġrace": 3234, + "Ġmach": 3235, + "Ġhuge": 3236, + "All": 3237, + "lear": 3238, + "ovember": 3239, + "Ġtown": 3240, + "Ġattention": 3241, + "ĠOff": 3242, + "yond": 3243, + "ĠThen": 3244, + "field": 3245, + "Ġterror": 3246, + "raz": 3247, + "ĠBo": 3248, + "Ġmeeting": 3249, + "ĠPark": 3250, + "Ġarrest": 3251, + "Ġfear": 3252, + "Ġaw": 3253, + "ĠVal": 3254, + "oring": 3255, + "',": 3256, + "Ġextreme": 3257, + "arr": 3258, + "Ġworkers": 3259, + "After": 3260, + "Ġ31": 3261, + "net": 3262, + "ament": 3263, + "Ġdirectly": 3264, + "Ġpopulation": 3265, + "ube": 3266, + "ĠOctober": 3267, + "ĠIN": 3268, + "ĠJanuary": 3269, + "59": 3270, + "ĠDavid": 3271, + "Ġcross": 3272, + "cember": 3273, + "ĠFirst": 3274, + "Ġmessage": 3275, + "irit": 3276, + "Ġnation": 3277, + "Ġpoll": 3278, + "isions": 3279, + "Ġanswer": 3280, + "ny": 3281, + "isode": 3282, + "Ġcarry": 3283, + "ĠRussia": 3284, + "Ġhear": 3285, + "ength": 3286, + "roy": 3287, + "Ġnatural": 3288, + "inally": 3289, + "Ġdog": 3290, + "mitted": 3291, + "Ġtrade": 3292, + "Ġsubst": 3293, + "Ġmultiple": 3294, + "ĠAfric": 3295, + "Ġfans": 3296, + "Ġsort": 3297, + "Ġglobal": 3298, + "ication": 3299, + "ĠWed": 3300, + "ara": 3301, + "Ġachie": 3302, + "Ġlanguage": 3303, + "vey": 3304, + "Ġtal": 3305, + "Ġnecessary": 3306, + "Ġdetails": 3307, + "Ġsen": 3308, + "ĠSund": 3309, + "ĠReg": 3310, + "ĠRec": 3311, + "06": 3312, + "Ġsil": 3313, + "ressive": 3314, + "Ġmedical": 3315, + "unch": 3316, + "ornia": 3317, + "Ġund": 3318, + "fort": 3319, + "ocks": 3320, + "ĠMonday": 3321, + "uesday": 3322, + "craft": 3323, + "77": 3324, + "urt": 3325, + "Ġver": 3326, + "ĠHill": 3327, + "Ġreceive": 3328, + "Ġmorning": 3329, + "estern": 3330, + "Ġbank": 3331, + "Ġsat": 3332, + "irth": 3333, + "ĠHigh": 3334, + "Ġdevice": 3335, + "ĠTHE": 3336, + "ĠCenter": 3337, + "Ġsafe": 3338, + "Ġple": 3339, + "ĠCanada": 3340, + "Ġsystems": 3341, + "Ġassist": 3342, + "Ġsurv": 3343, + "Ġbattle": 3344, + "ĠSoc": 3345, + "vertis": 3346, + "She": 3347, + "Ġpaper": 3348, + "Ġgrowth": 3349, + "Ġcast": 3350, + "Sc": 3351, + "Ġplans": 3352, + "lled": 3353, + "Ġparts": 3354, + "Ġwall": 3355, + "Ġmovement": 3356, + "Ġpractice": 3357, + "imately": 3358, + "Ġdisplay": 3359, + "Ġsometimes": 3360, + "omp": 3361, + "ĠPaul": 3362, + "ĠYes": 3363, + "king": 3364, + "58": 3365, + "oly": 3366, + "Ġson": 3367, + "Ġavoid": 3368, + "okes": 3369, + "ĠJew": 3370, + "Ġtowards": 3371, + "asc": 3372, + "Ġ//": 3373, + "ĠKore": 3374, + "Ġtalking": 3375, + "Ġcorrect": 3376, + "Ġspent": 3377, + "icks": 3378, + "iable": 3379, + "eared": 3380, + "Ġterm": 3381, + "Ġwants": 3382, + "oming": 3383, + "Ġut": 3384, + "Ġdoub": 3385, + "Ġforces": 3386, + "Ġplease": 3387, + "69": 3388, + "ĠNovember": 3389, + "atform": 3390, + "ondon": 3391, + "Ġones": 3392, + "Ġimmediately": 3393, + "ĠRussian": 3394, + "ĠMet": 3395, + "Ġdeg": 3396, + "Ġparents": 3397, + "CH": 3398, + "ĠAmericans": 3399, + "aly": 3400, + "ĠMod": 3401, + "Ġshown": 3402, + "Ġconditions": 3403, + "Ġstuff": 3404, + "Ġreb": 3405, + "ĠYour": 3406, + "Ġincludes": 3407, + "nown": 3408, + "ĠSam": 3409, + "Ġexperien": 3410, + "mission": 3411, + "ĠEven": 3412, + "aught": 3413, + "Ġannounced": 3414, + "ĠRepublican": 3415, + "Ġdetermin": 3416, + "Ġdescribed": 3417, + "ĠCounty": 3418, + "()": 3419, + "Ġdoor": 3420, + "Ġchanged": 3421, + "Ġneigh": 3422, + "ĠHere": 3423, + "Ġclean": 3424, + "Ġpan": 3425, + "ĠDecember": 3426, + "ĠEuropean": 3427, + "iring": 3428, + "apter": 3429, + "Ġclub": 3430, + "ĠTuesday": 3431, + "Ġpaid": 3432, + "ĠNet": 3433, + "Ġattacks": 3434, + "Ġcharacters": 3435, + "Ġalone": 3436, + "Ġdirector": 3437, + "dom": 3438, + "Ġ35": 3439, + "Ġload": 3440, + "Ġrout": 3441, + "ĠCalifornia": 3442, + "Ġfinally": 3443, + "Ġrac": 3444, + "Ġcontr": 3445, + "Ġexactly": 3446, + "resh": 3447, + "pri": 3448, + "ĠIslam": 3449, + "Ġnature": 3450, + "Ġcareer": 3451, + "Ġlatest": 3452, + "Ġconvers": 3453, + "ĠSl": 3454, + "pose": 3455, + "cient": 3456, + "ĠInc": 3457, + "ivity": 3458, + "88": 3459, + "ĠAtt": 3460, + "ĠMor": 3461, + "nesday": 3462, + "Ġweight": 3463, + "ken": 3464, + "Ġnote": 3465, + "Ġteams": 3466, + "Ġ\\": 3467, + "airs": 3468, + "ĠGreen": 3469, + "Ġhundred": 3470, + "onent": 3471, + "Ġstreng": 3472, + "Ġconsist": 3473, + "icated": 3474, + "Ġregul": 3475, + "Ġlic": 3476, + "astic": 3477, + "Ġten": 3478, + "ursday": 3479, + "elligence": 3480, + "ously": 3481, + "ĠUK": 3482, + "BI": 3483, + "Ġcosts": 3484, + "Ġindepend": 3485, + "ĠAP": 3486, + "Ġnormal": 3487, + "Ġhom": 3488, + "Ġobvious": 3489, + "Ġswe": 3490, + "Ġstar": 3491, + "Ġready": 3492, + "acher": 3493, + "Ġimplement": 3494, + "gest": 3495, + "Ġsong": 3496, + "ĠGet": 3497, + "ĠLab": 3498, + "Ġinteresting": 3499, + "using": 3500, + "Ġgiving": 3501, + "ĠSunday": 3502, + "Ġetc": 3503, + "Ġmiddle": 3504, + "Ġremember": 3505, + "right": 3506, + "osition": 3507, + "utions": 3508, + "Ġmax": 3509, + "46": 3510, + "Ġyourself": 3511, + "Ġdemand": 3512, + "Ġtreatment": 3513, + "Ġdanger": 3514, + "ĠCons": 3515, + "Ġguy": 3516, + "ĠBritish": 3517, + "Ġphysical": 3518, + "Ġrelated": 3519, + "Ġremain": 3520, + "Ġcouldn": 3521, + "Ġrefer": 3522, + "Ġcitiz": 3523, + "box": 3524, + "ENT": 3525, + "board": 3526, + "Ġinn": 3527, + "IG": 3528, + "ero": 3529, + "ĠStreet": 3530, + "ospital": 3531, + "rench": 3532, + "chers": 3533, + "Ġstra": 3534, + "OL": 3535, + "ager": 3536, + "ĠAN": 3537, + "Ġeasily": 3538, + "IA": 3539, + "enge": 3540, + "iny": 3541, + "Ġclos": 3542, + "ocked": 3543, + "Ġuses": 3544, + "ĠCoun": 3545, + "Im": 3546, + "uild": 3547, + "??": 3548, + "more": 3549, + "Ġang": 3550, + "Ġwrite": 3551, + "olute": 3552, + "57": 3553, + "Ġleader": 3554, + "Ġreading": 3555, + "": 3784, + "Ġfigure": 3785, + "Ġdisapp": 3786, + "enty": 3787, + "Ġsoftware": 3788, + "Ġult": 3789, + "Ġofficers": 3790, + "New": 3791, + "Is": 3792, + "Ġremains": 3793, + "ĠIndia": 3794, + "Ġpsych": 3795, + "rief": 3796, + "Ġcat": 3797, + "esc": 3798, + "Ġobserv": 3799, + "Ġstage": 3800, + "ĠDark": 3801, + "Ġenter": 3802, + "change": 3803, + "Ġpassed": 3804, + "Ġdespite": 3805, + "ĠOut": 3806, + "Ġmovie": 3807, + "rs": 3808, + "Ġvoice": 3809, + "mine": 3810, + "ĠPlay": 3811, + "Ġtoward": 3812, + "ĠTer": 3813, + "Ġregion": 3814, + "Ġvalues": 3815, + "orters": 3816, + "Ġmount": 3817, + "Ġofficer": 3818, + "ĠOther": 3819, + "ban": 3820, + "Ġhous": 3821, + "wood": 3822, + "room": 3823, + "IV": 3824, + "ĠSun": 3825, + "see": 3826, + "ĠOver": 3827, + "rog": 3828, + "90": 3829, + "Ġlay": 3830, + "ĠTur": 3831, + "awn": 3832, + "Ġpressure": 3833, + "ĠSub": 3834, + "Ġbooks": 3835, + "edom": 3836, + "ĠSand": 3837, + "AA": 3838, + "ago": 3839, + "Ġreasons": 3840, + "ford": 3841, + "Ġactivity": 3842, + "UT": 3843, + "Now": 3844, + "ĠSenate": 3845, + "cell": 3846, + "night": 3847, + "Ġcalls": 3848, + "inter": 3849, + "Ġletter": 3850, + "ĠRob": 3851, + "ĠJe": 3852, + "Ġchoose": 3853, + "ĠLaw": 3854, + "Get": 3855, + "Be": 3856, + "Ġrob": 3857, + "Ġtypes": 3858, + "Ġplatform": 3859, + "Ġquarter": 3860, + "RA": 3861, + "ĠTime": 3862, + "Ġmaybe": 3863, + "ĠCr": 3864, + "95": 3865, + "pre": 3866, + "Ġmoving": 3867, + "Ġlif": 3868, + "Ġgold": 3869, + "Ġsom": 3870, + "Ġpatients": 3871, + "Ġtruth": 3872, + "ĠKe": 3873, + "urance": 3874, + "antly": 3875, + "mar": 3876, + "Ġcharge": 3877, + "ĠGreat": 3878, + "Ġcele": 3879, + "--------------------------------": 3880, + "Ġrock": 3881, + "roid": 3882, + "ancy": 3883, + "Ġcredit": 3884, + "aud": 3885, + "By": 3886, + "ĠEvery": 3887, + "Ġmoved": 3888, + "inger": 3889, + "ribution": 3890, + "Ġnames": 3891, + "Ġstraight": 3892, + "ĠHealth": 3893, + "ĠWell": 3894, + "Ġfeature": 3895, + "Ġrule": 3896, + "Ġsche": 3897, + "inated": 3898, + "ĠMichael": 3899, + "berg": 3900, + "41": 3901, + "iled": 3902, + "band": 3903, + "Ġclick": 3904, + "ĠAngel": 3905, + "onents": 3906, + "ÂŃ": 3907, + "ĠIraq": 3908, + "ĠSaturday": 3909, + "Ġaware": 3910, + "part": 3911, + "Ġpattern": 3912, + "OW": 3913, + "ĠLet": 3914, + "Ġgrad": 3915, + "igned": 3916, + "Ġassociated": 3917, + "Ġstyle": 3918, + "no": 3919, + "iation": 3920, + "aith": 3921, + "ilies": 3922, + "Ġstories": 3923, + "uration": 3924, + "Ġindividuals": 3925, + "Ġâ̦": 3926, + "miss": 3927, + "ĠAssoci": 3928, + "ishing": 3929, + "aby": 3930, + "Ġsummer": 3931, + "ĠBen": 3932, + "Ġ32": 3933, + "Ġarch": 3934, + "uty": 3935, + "ĠTexas": 3936, + "hol": 3937, + "Ġfully": 3938, + "Ġmill": 3939, + "Ġfollowed": 3940, + "ĠBill": 3941, + "ĠIndian": 3942, + "ĠSecret": 3943, + "ĠBel": 3944, + "ĠFebruary": 3945, + "Ġjobs": 3946, + "Ġseemed": 3947, + "ĠGovern": 3948, + "ipped": 3949, + "Ġreality": 3950, + "Ġlines": 3951, + "Ġpark": 3952, + "Ġmeasure": 3953, + "ĠOur": 3954, + "IM": 3955, + "Ġbrother": 3956, + "Ġgrowing": 3957, + "Ġban": 3958, + "Ġestim": 3959, + "Ġcry": 3960, + "ĠSchool": 3961, + "Ġmechan": 3962, + "ĠOF": 3963, + "ĠWindows": 3964, + "Ġrates": 3965, + "ĠOh": 3966, + "Ġpositive": 3967, + "Ġculture": 3968, + "istics": 3969, + "ica": 3970, + "Ġhar": 3971, + "ya": 3972, + "itely": 3973, + "ipp": 3974, + "Ġmap": 3975, + "encies": 3976, + "ĠWilliam": 3977, + "II": 3978, + "akers": 3979, + "56": 3980, + "ĠMart": 3981, + "ĠRem": 3982, + "Ġaltern": 3983, + "itude": 3984, + "Ġcoach": 3985, + "rowd": 3986, + "Don": 3987, + "Ġkids": 3988, + "Ġjournal": 3989, + "Ġcorpor": 3990, + "Ġfalse": 3991, + "Ġweb": 3992, + "Ġsleep": 3993, + "Ġcontain": 3994, + "Ġsto": 3995, + "Ġbed": 3996, + "iverse": 3997, + "ĠRich": 3998, + "ĠChinese": 3999, + "Ġpun": 4000, + "Ġmeant": 4001, + "known": 4002, + "Ġnotice": 4003, + "Ġfavorite": 4004, + "aven": 4005, + "Ġcondition": 4006, + "Ġpurpose": 4007, + "))": 4008, + "Ġorganization": 4009, + "Ġchalleng": 4010, + "Ġmanufact": 4011, + "Ġsusp": 4012, + "ĠAc": 4013, + "Ġcritic": 4014, + "unes": 4015, + "uclear": 4016, + "Ġmer": 4017, + "vention": 4018, + "Ġ80": 4019, + "Ġmist": 4020, + "ĠUs": 4021, + "ĠTor": 4022, + "http": 4023, + "olf": 4024, + "Ġlarger": 4025, + "Ġadvant": 4026, + "Ġresear": 4027, + "Ġactions": 4028, + "ml": 4029, + "Ġkept": 4030, + "Ġaim": 4031, + ",'": 4032, + "col": 4033, + "Ġbenefits": 4034, + "ifying": 4035, + "Ġactual": 4036, + "ĠInternational": 4037, + "Ġvehicle": 4038, + "Ġchief": 4039, + "Ġefforts": 4040, + "ĠLeague": 4041, + "ĠMost": 4042, + "Ġwait": 4043, + "Ġadult": 4044, + "Ġoverall": 4045, + "Ġspeech": 4046, + "Ġhighly": 4047, + "Ġfemale": 4048, + "Ġerror": 4049, + "Ġeffective": 4050, + "54": 4051, + "Ġencour": 4052, + "well": 4053, + "Ġfailed": 4054, + "Ġconserv": 4055, + "Ġprograms": 4056, + "Ġtrou": 4057, + "Ġahead": 4058, + "500": 4059, + "vertisement": 4060, + "IP": 4061, + "ĠFound": 4062, + "pir": 4063, + "Ġ%": 4064, + "Ġcrime": 4065, + "ander": 4066, + "Ġlocation": 4067, + "ĠIran": 4068, + "Ġbehavior": 4069, + "azing": 4070, + "Ġrare": 4071, + "Ġemb": 4072, + "Ġcaused": 4073, + "Ġship": 4074, + "Ġactive": 4075, + "Ġcontribut": 4076, + "Ġgreen": 4077, + "Ġacqu": 4078, + "Ġreflect": 4079, + "venue": 4080, + "Ġfirm": 4081, + "Ġbirth": 4082, + "].": 4083, + "Ġclearly": 4084, + "Ġemot": 4085, + "Ġagency": 4086, + "riage": 4087, + "Ġmemory": 4088, + "98": 4089, + "SA": 4090, + "ĠSee": 4091, + "acing": 4092, + "CC": 4093, + "Ġbiggest": 4094, + "Ġrap": 4095, + "Ġbasic": 4096, + "Ġband": 4097, + "eat": 4098, + "Ġsuspect": 4099, + "ĠMac": 4100, + "Ġ90": 4101, + "mark": 4102, + "istan": 4103, + "Ġspread": 4104, + "ams": 4105, + "ki": 4106, + "asy": 4107, + "rav": 4108, + "ĠRober": 4109, + "Ġdemonstr": 4110, + "rated": 4111, + "Ġabsolute": 4112, + "Ġplaces": 4113, + "Ġimpl": 4114, + "ibrary": 4115, + "Ġcards": 4116, + "Ġdestroy": 4117, + "Ġvirt": 4118, + "vere": 4119, + "Ġappeared": 4120, + "yan": 4121, + "point": 4122, + "Ġbeg": 4123, + "Ġtemper": 4124, + "spe": 4125, + "anted": 4126, + "ears": 4127, + "ĠDirect": 4128, + "Ġlength": 4129, + "Ġblog": 4130, + "amb": 4131, + "Ġinteg": 4132, + "Ġresources": 4133, + "acc": 4134, + "iful": 4135, + "Ġspot": 4136, + "Ġforced": 4137, + "Ġthousands": 4138, + "ĠMinister": 4139, + "Ġqual": 4140, + "ĠFrench": 4141, + "atically": 4142, + "Ġgenerally": 4143, + "Ġdrink": 4144, + "Ġthus": 4145, + "IL": 4146, + "odes": 4147, + "Ġappropri": 4148, + "ĠRead": 4149, + "Ġwhom": 4150, + "Ġeye": 4151, + "Ġcollege": 4152, + "Ġ45": 4153, + "irection": 4154, + "Ġensure": 4155, + "Ġapparent": 4156, + "iders": 4157, + "Ġreligious": 4158, + "Ġminor": 4159, + "olic": 4160, + "Ġtro": 4161, + "ĠWhy": 4162, + "ribute": 4163, + "met": 4164, + "Ġprimary": 4165, + "Ġdeveloped": 4166, + "Ġpeace": 4167, + "Ġskin": 4168, + "ste": 4169, + "ava": 4170, + "Ġblue": 4171, + "Ġfamilies": 4172, + "Ġir": 4173, + "Ġapply": 4174, + "Ġinform": 4175, + "ĠSmith": 4176, + "CT": 4177, + "ii": 4178, + "Ġlimit": 4179, + "Ġresist": 4180, + "................": 4181, + "umn": 4182, + "Ġconflic": 4183, + "Ġtwe": 4184, + "udd": 4185, + "ĠTom": 4186, + "Ġliter": 4187, + "que": 4188, + "bon": 4189, + "Ġhair": 4190, + "Ġeventually": 4191, + "Ġpus": 4192, + "Ġhelped": 4193, + "Ġagg": 4194, + "orney": 4195, + "ĠApple": 4196, + "Ġfit": 4197, + "ĠSur": 4198, + "Ġprem": 4199, + "Ġsales": 4200, + "Ġseconds": 4201, + "Ġstrength": 4202, + "Ġfeeling": 4203, + "¿½": 4204, + "Ġtour": 4205, + "Ġknows": 4206, + "oom": 4207, + "Ġexerc": 4208, + "Ġsomew": 4209, + "�": 4210, + ">>": 4211, + "Ġspokes": 4212, + "Ġideas": 4213, + "Ġregist": 4214, + "soft": 4215, + "ĠDel": 4216, + "ĠPC": 4217, + "Ġpropos": 4218, + "Ġlaunch": 4219, + "Ġbottom": 4220, + "TH": 4221, + "ĠPlease": 4222, + "vest": 4223, + "itz": 4224, + "ĠInter": 4225, + "Ġscript": 4226, + "Ġrat": 4227, + "arning": 4228, + "Ġil": 4229, + "ĠJer": 4230, + "ĠAre": 4231, + "Ġwhatever": 4232, + "oken": 4233, + "cience": 4234, + "Ġmode": 4235, + "Ġagree": 4236, + "Ġsources": 4237, + "Ġinitial": 4238, + "Ġrestrict": 4239, + "Ġwonder": 4240, + "usion": 4241, + "####": 4242, + "ĠSil": 4243, + "ville": 4244, + "Ġburn": 4245, + "tw": 4246, + "asion": 4247, + "Ġ£": 4248, + "Ġnor": 4249, + "uing": 4250, + "Ġreached": 4251, + "Ġsun": 4252, + "Ġcateg": 4253, + "igration": 4254, + "Ġcook": 4255, + "Ġpromot": 4256, + "Ġmale": 4257, + "Ġclimate": 4258, + "Ġfix": 4259, + "Ġalleged": 4260, + "UR": 4261, + "alled": 4262, + "Ġimages": 4263, + "Cont": 4264, + "ota": 4265, + "Ġschools": 4266, + "ios": 4267, + "Ġdrop": 4268, + "Ġstream": 4269, + "ĠMo": 4270, + "Ġpreviously": 4271, + "aling": 4272, + "Ġpet": 4273, + "Ġdouble": 4274, + "Ġ(@": 4275, + "annel": 4276, + "Ġdefault": 4277, + "ties": 4278, + "Ġrank": 4279, + "ĠDec": 4280, + "ĠCouncil": 4281, + "Ġweapon": 4282, + "Ġstock": 4283, + "Ġanaly": 4284, + "ĠStr": 4285, + "Ġpicture": 4286, + "ĠPolice": 4287, + "ference": 4288, + "Ġcentury": 4289, + "Ġcitizens": 4290, + "Ġonto": 4291, + "Ġexpand": 4292, + "Ġhero": 4293, + "ĠSol": 4294, + "Ġwild": 4295, + "Ġupdate": 4296, + "Ġcustomers": 4297, + "ront": 4298, + "def": 4299, + "Ġlik": 4300, + "Ġcriminal": 4301, + "ĠChristian": 4302, + "SP": 4303, + "76": 4304, + "Ġleaving": 4305, + "Ġotherwise": 4306, + "ĠDist": 4307, + "Ġbasis": 4308, + "52": 4309, + "53": 4310, + "icip": 4311, + "ĠBer": 4312, + "Ġrecommend": 4313, + "Ġfloor": 4314, + "Ġcrowd": 4315, + "oles": 4316, + "Ġ70": 4317, + "Ġcentral": 4318, + "ĠEv": 4319, + "Ġdream": 4320, + "Ġdownload": 4321, + "Ġconfir": 4322, + "ĠThom": 4323, + "Ġwindow": 4324, + "Ġhappens": 4325, + "Ġunit": 4326, + "Ġtend": 4327, + "Ġspl": 4328, + "Ġbecomes": 4329, + "Ġfighting": 4330, + "Ġpredict": 4331, + "ĠPress": 4332, + "ĠPower": 4333, + "Ġheavy": 4334, + "aked": 4335, + "Ġfan": 4336, + "orter": 4337, + "ategy": 4338, + "BA": 4339, + "izes": 4340, + "Ġspend": 4341, + "Here": 4342, + "Ġ2007": 4343, + "Ġadop": 4344, + "ĠHam": 4345, + "Ġfootball": 4346, + "ĠPort": 4347, + "oday": 4348, + "51": 4349, + "ampions": 4350, + "Ġtransfer": 4351, + "ht": 4352, + "Ġ38": 4353, + "term": 4354, + "acity": 4355, + "Ġbur": 4356, + "],": 4357, + "ternal": 4358, + "rig": 4359, + "but": 4360, + "Ġtherefore": 4361, + "ĠBecause": 4362, + "resp": 4363, + "rey": 4364, + "Ġmission": 4365, + "Some": 4366, + "Ġnoted": 4367, + "Ġassum": 4368, + "Ġdisease": 4369, + "Ġedit": 4370, + "Ġprogress": 4371, + "rd": 4372, + "ĠBrown": 4373, + "ocal": 4374, + "Ġadding": 4375, + "Ġraised": 4376, + "ĠAny": 4377, + "Ġtick": 4378, + "Ġseeing": 4379, + "ĠPeople": 4380, + "Ġagreement": 4381, + "Ġserver": 4382, + "Ġwat": 4383, + "Ġdebate": 4384, + "Ġsupposed": 4385, + "iling": 4386, + "Ġlargest": 4387, + "Ġsuccessful": 4388, + "ĠPri": 4389, + "ĠDemocratic": 4390, + "Ġjump": 4391, + "ĠSyria": 4392, + "Ġowners": 4393, + "Ġoffers": 4394, + "Ġshooting": 4395, + "Ġeffic": 4396, + "sey": 4397, + "Ġhaven": 4398, + "verse": 4399, + "tered": 4400, + "ĠLight": 4401, + "imal": 4402, + "ĠBig": 4403, + "Ġdefend": 4404, + "Ġbeat": 4405, + "Ġrecords": 4406, + "%)": 4407, + "Ġscen": 4408, + "Ġemployees": 4409, + "Ġdevices": 4410, + "hem": 4411, + "Ġcommer": 4412, + "ĠMex": 4413, + "Ġbenefit": 4414, + "ĠProf": 4415, + "Ġilleg": 4416, + "Ġsurface": 4417, + "ĠAlso": 4418, + "Ġharm": 4419, + "ingly": 4420, + "wide": 4421, + "ĠAlex": 4422, + "Ġshut": 4423, + "ĠCur": 4424, + "Ġlose": 4425, + "pm": 4426, + "Ġchallenge": 4427, + "semb": 4428, + "Ġstation": 4429, + "Ġintelligence": 4430, + "Ġaccur": 4431, + "ĠFlor": 4432, + "Ġrequires": 4433, + "ĠMal": 4434, + "bum": 4435, + "Ġhospital": 4436, + "Ġspirit": 4437, + "Ġoffered": 4438, + "Ġproduce": 4439, + "ĠCommun": 4440, + "Ġcreating": 4441, + "Ġcris": 4442, + "spect": 4443, + "Ġended": 4444, + "Ġdaily": 4445, + "Ġvoters": 4446, + "lands": 4447, + "ias": 4448, + "ih": 4449, + "ona": 4450, + "Ġsmart": 4451, + "ĠOffice": 4452, + "ĠLord": 4453, + "rial": 4454, + "ĠInternet": 4455, + "Ġcircum": 4456, + "Ġextremely": 4457, + "'.": 4458, + "Ġopinion": 4459, + "ĠMil": 4460, + "Ġgain": 4461, + "BS": 4462, + "ĠFin": 4463, + "yp": 4464, + "Ġuseful": 4465, + "Ġbudget": 4466, + "Ġcomfort": 4467, + "isf": 4468, + "Ġbackground": 4469, + "eline": 4470, + "Ġepisode": 4471, + "Ġenemy": 4472, + "Ġtrial": 4473, + "Ġestablish": 4474, + "date": 4475, + "ĠCap": 4476, + "Ġcontinues": 4477, + "Ġshowing": 4478, + "ĠUnion": 4479, + "with": 4480, + "Ġposted": 4481, + "ĠSystem": 4482, + "Ġeat": 4483, + "rian": 4484, + "Ġrise": 4485, + "ĠGermany": 4486, + "ils": 4487, + "Ġsigned": 4488, + "Ġvill": 4489, + "Ġgrand": 4490, + "mor": 4491, + "ĠEngland": 4492, + "Ġprojects": 4493, + "umber": 4494, + "Ġconference": 4495, + "za": 4496, + "Ġresponsible": 4497, + "ĠArab": 4498, + "Ġlearned": 4499, + "âĢĶâĢĶ": 4500, + "ipping": 4501, + "ĠGeorge": 4502, + "OC": 4503, + "Ġreturned": 4504, + "ĠAustralia": 4505, + "Ġbrief": 4506, + "Qu": 4507, + "Ġbrand": 4508, + "illing": 4509, + "abled": 4510, + "Ġhighest": 4511, + "Ġtrain": 4512, + "ĠCommission": 4513, + "while": 4514, + "Ġnom": 4515, + "ception": 4516, + "Ġmut": 4517, + "ĠBlue": 4518, + "Ġincident": 4519, + "vant": 4520, + "86": 4521, + "ĠID": 4522, + "Ġnuclear": 4523, + "74": 4524, + "ĠLike": 4525, + "ĠRE": 4526, + "ĠMicro": 4527, + "li": 4528, + "mail": 4529, + "Ġcharges": 4530, + "89": 4531, + "Ġadjust": 4532, + "ado": 4533, + "Ġearth": 4534, + "NA": 4535, + "Ġprices": 4536, + "PA": 4537, + "Ġdraft": 4538, + "Ġruns": 4539, + "Ġcandidate": 4540, + "enses": 4541, + "Ġmanagement": 4542, + "ĠPhil": 4543, + "ĠMiss": 4544, + "Ġteach": 4545, + "gram": 4546, + "Ġunderstanding": 4547, + "ait": 4548, + "icago": 4549, + "Add": 4550, + "ĠEp": 4551, + "secut": 4552, + "Ġseparate": 4553, + "Ġinstance": 4554, + "Ġeth": 4555, + "Ġunless": 4556, + "********": 4557, + "ĠFore": 4558, + "inate": 4559, + "Ġoperations": 4560, + "Sp": 4561, + "Ġfaith": 4562, + "gar": 4563, + "ĠChurch": 4564, + "ronic": 4565, + "Ġconfig": 4566, + "osure": 4567, + "Ġactivities": 4568, + "Ġtraditional": 4569, + "Ġ36": 4570, + "Ġdirection": 4571, + "Ġmachine": 4572, + "Ġsurround": 4573, + "Ġpush": 4574, + "unction": 4575, + "ĠEU": 4576, + "Ġeasier": 4577, + "Ġargument": 4578, + "GB": 4579, + "Ġmicro": 4580, + "Ġspending": 4581, + "izations": 4582, + "Ġtheory": 4583, + "adow": 4584, + "Ġcalling": 4585, + "ĠLast": 4586, + "Ġder": 4587, + "Ġinfluence": 4588, + "Ġcommit": 4589, + "Ġphoto": 4590, + "Ġunc": 4591, + "istry": 4592, + "gn": 4593, + "aste": 4594, + "acks": 4595, + "Ġdisp": 4596, + "ady": 4597, + "do": 4598, + "ĠGood": 4599, + "Ġ`": 4600, + "Ġwish": 4601, + "Ġrevealed": 4602, + "³³": 4603, + "lig": 4604, + "Ġenforce": 4605, + "ĠCommittee": 4606, + "Ġchem": 4607, + "Ġmiles": 4608, + "Ġinterested": 4609, + "Ġsolution": 4610, + "icy": 4611, + "inct": 4612, + "Ġ->": 4613, + "ĠDet": 4614, + "Ġremoved": 4615, + "Ġcompar": 4616, + "eah": 4617, + "Ġplant": 4618, + "ĠSince": 4619, + "Ġachieve": 4620, + "Ġadvantage": 4621, + "Ġslightly": 4622, + "bing": 4623, + "Ġplaced": 4624, + "under": 4625, + "2015": 4626, + "ĠMad": 4627, + "Ġtim": 4628, + "oses": 4629, + "Ġcru": 4630, + "ĠRock": 4631, + "Ġmostly": 4632, + "Ġnegative": 4633, + "Ġsetting": 4634, + "Ġproduced": 4635, + "Ġmur": 4636, + "Ġconnection": 4637, + "ĠMer": 4638, + "Ġdriver": 4639, + "Ġexecutive": 4640, + "Ġassault": 4641, + "Ġborn": 4642, + "ĠVer": 4643, + "tained": 4644, + "Ġstructure": 4645, + "Ġreduce": 4646, + "Ġdecades": 4647, + "Ġded": 4648, + "uke": 4649, + "ĠMany": 4650, + "idden": 4651, + "Ġleague": 4652, + "Se": 4653, + "Ġjoin": 4654, + "Ġdisco": 4655, + "Ġdie": 4656, + "cks": 4657, + "actions": 4658, + "Ġassess": 4659, + "agn": 4660, + "Ġgoals": 4661, + "ours": 4662, + "IR": 4663, + "Ġsenior": 4664, + "iller": 4665, + "mod": 4666, + "ipment": 4667, + "ocol": 4668, + "uy": 4669, + "ĠQue": 4670, + "Ġparties": 4671, + "irgin": 4672, + "Ġlearning": 4673, + "itable": 4674, + "Ġstreet": 4675, + "Ġcamera": 4676, + "App": 4677, + "Ġskills": 4678, + "bre": 4679, + "cious": 4680, + "Ġcelebr": 4681, + "ĠFranc": 4682, + "Ġexisting": 4683, + "Ġwilling": 4684, + "lor": 4685, + "Ġid": 4686, + "ĠSpace": 4687, + "Ġcritical": 4688, + "ĠLa": 4689, + "ortunately": 4690, + "Ġserve": 4691, + "Ġcold": 4692, + "Ġspecies": 4693, + "TS": 4694, + "Ġanimals": 4695, + "ĠBay": 4696, + "Ġolder": 4697, + "ĠUnder": 4698, + "estic": 4699, + "ĠTre": 4700, + "Ġteacher": 4701, + "Ġprefer": 4702, + "vis": 4703, + "Ġthread": 4704, + "ĠMatt": 4705, + "Ġmanager": 4706, + "ãĥ»": 4707, + "Ġprofessional": 4708, + "ĠVol": 4709, + "Ġnotes": 4710, + "These": 4711, + "ula": 4712, + "Ġfresh": 4713, + "ented": 4714, + "uzz": 4715, + "edy": 4716, + "clusion": 4717, + "ĠRel": 4718, + "Ġdoubt": 4719, + "EO": 4720, + "Ġopened": 4721, + "ĠBit": 4722, + "Advertisement": 4723, + "Ġguess": 4724, + "ĠUN": 4725, + "Ġsequ": 4726, + "Ġexplain": 4727, + "otten": 4728, + "Ġattract": 4729, + "aks": 4730, + "Ġstring": 4731, + "Ġcontext": 4732, + "ossible": 4733, + "ĠRepublicans": 4734, + "Ġsolid": 4735, + "Ġcities": 4736, + "Ġasking": 4737, + "Ġrandom": 4738, + "ups": 4739, + "uries": 4740, + "arant": 4741, + "dden": 4742, + "gl": 4743, + "ĠFlorida": 4744, + "Ġdepend": 4745, + "ĠScott": 4746, + "Ġ33": 4747, + "ĠiT": 4748, + "icon": 4749, + "Ġmentioned": 4750, + "Ġ2000": 4751, + "Ġclaimed": 4752, + "Ġdefinitely": 4753, + "ulf": 4754, + "Ġcore": 4755, + "Ġopening": 4756, + "ĠConst": 4757, + "which": 4758, + "ĠTra": 4759, + "AG": 4760, + "72": 4761, + "Ġbelieved": 4762, + "ada": 4763, + "Ġ48": 4764, + "ĠSecurity": 4765, + "yright": 4766, + "ĠPet": 4767, + "ĠLou": 4768, + "Ġholding": 4769, + "================": 4770, + "Ġice": 4771, + "Ġbrow": 4772, + "Ġauthorities": 4773, + "host": 4774, + "word": 4775, + "Ġscore": 4776, + "ĠDiv": 4777, + "Ġcells": 4778, + "Ġtransl": 4779, + "Ġneighbor": 4780, + "Ġremove": 4781, + "uct": 4782, + "Ġdistrict": 4783, + "ĠAccording": 4784, + "Ġworse": 4785, + "Ġconcerns": 4786, + "Ġpresidential": 4787, + "Ġpolicies": 4788, + "ĠHall": 4789, + "73": 4790, + "Ġhus": 4791, + "AY": 4792, + "Ġ2006": 4793, + "ĠJud": 4794, + "Ġindependent": 4795, + "ĠJustice": 4796, + "iliar": 4797, + "print": 4798, + "ighter": 4799, + "Ġprotection": 4800, + "zen": 4801, + "Ġsudden": 4802, + "house": 4803, + "ĠJes": 4804, + "PR": 4805, + "ĠInf": 4806, + "Ġbul": 4807, + "Ġ_": 4808, + "ĠService": 4809, + "ĠPR": 4810, + "Ġstrategy": 4811, + "ffect": 4812, + "Ġgirls": 4813, + "Ġmissing": 4814, + "oyal": 4815, + "ĠTeam": 4816, + "ulated": 4817, + "Ġdat": 4818, + "Ġpolitics": 4819, + "abor": 4820, + "According": 4821, + "Ġspell": 4822, + "Ġgraph": 4823, + "orthern": 4824, + "TC": 4825, + "Ab": 4826, + "Ġlabor": 4827, + "isher": 4828, + "Ġkick": 4829, + "ĠiTunes": 4830, + "Ġsteps": 4831, + "poses": 4832, + "Ġsmaller": 4833, + "En": 4834, + "bert": 4835, + "Ġroll": 4836, + "Ġresearchers": 4837, + "Ġclosed": 4838, + "Ġtransport": 4839, + "Ġlawy": 4840, + "________________": 4841, + "ĠChicago": 4842, + "Ġaspect": 4843, + "Ġnone": 4844, + "Ġmarriage": 4845, + "96": 4846, + "Ġelements": 4847, + "ĠFre": 4848, + "ĠSal": 4849, + "Ġdram": 4850, + "FC": 4851, + "top": 4852, + "equ": 4853, + "Ġhearing": 4854, + "Ġsupported": 4855, + "Ġtesting": 4856, + "cohol": 4857, + "Ġmassive": 4858, + "Ġstick": 4859, + "Ġguard": 4860, + "isco": 4861, + "phone": 4862, + "From": 4863, + "However": 4864, + "Ġborder": 4865, + "Ġcopy": 4866, + "ography": 4867, + "list": 4868, + "71": 4869, + "Ġowner": 4870, + "class": 4871, + "ruit": 4872, + "rate": 4873, + "ĠOnce": 4874, + "Ġdigital": 4875, + "Ġtask": 4876, + "ERS": 4877, + "Ġincred": 4878, + "tes": 4879, + "++": 4880, + "ĠFrance": 4881, + "Ġbreat": 4882, + "owl": 4883, + "Ġissued": 4884, + "ĠWestern": 4885, + "Ġdetect": 4886, + "Ġpartners": 4887, + "Ġshared": 4888, + "ĠCall": 4889, + "Ġcancer": 4890, + "ache": 4891, + "ribe": 4892, + "Ġexplained": 4893, + "Ġheat": 4894, + "{\"": 4895, + "Ġinvestment": 4896, + "ĠBook": 4897, + "Ġwood": 4898, + "Ġtools": 4899, + "ĠAlthough": 4900, + "Ġbelief": 4901, + "Ġcrisis": 4902, + "Ġge": 4903, + "ĠMP": 4904, + "Ġoperation": 4905, + "type": 4906, + "~~": 4907, + "ga": 4908, + "Ġcontains": 4909, + "anta": 4910, + "Ġexpress": 4911, + "ĠGroup": 4912, + "ĠJournal": 4913, + "ka": 4914, + "Ġamb": 4915, + "ĠUSA": 4916, + "Ġfinding": 4917, + "Ġfunding": 4918, + "how": 4919, + "Ġestablished": 4920, + "ideos": 4921, + "Ġdegree": 4922, + "Ġdangerous": 4923, + "anging": 4924, + "Ġfreedom": 4925, + "pport": 4926, + "outhern": 4927, + "Ġchurch": 4928, + "Ġcatch": 4929, + "ĠTwo": 4930, + "Ġpresence": 4931, + "ĠGuard": 4932, + "Up": 4933, + "Ġauthority": 4934, + "ĠProject": 4935, + "Ġbutton": 4936, + "Ġconsequ": 4937, + "Ġvalid": 4938, + "Ġweak": 4939, + "Ġstarts": 4940, + "Ġreference": 4941, + "ĠMem": 4942, + "\")": 4943, + "UN": 4944, + "orage": 4945, + "ĠOpen": 4946, + "Ġcollection": 4947, + "ym": 4948, + "gency": 4949, + "Ġbeautiful": 4950, + "ros": 4951, + "Ġtells": 4952, + "Ġwaiting": 4953, + "nel": 4954, + "Ġproviding": 4955, + "ĠDemocrats": 4956, + "Ġdaughter": 4957, + "Ġmaster": 4958, + "Ġpurposes": 4959, + "ĠJapanese": 4960, + "Ġequal": 4961, + "Ġturns": 4962, + "Ġdocuments": 4963, + "Ġwatching": 4964, + "Res": 4965, + "Ġran": 4966, + "2014": 4967, + "Ġreject": 4968, + "ĠKorea": 4969, + "Ġvictims": 4970, + "Level": 4971, + "erences": 4972, + "Ġwitness": 4973, + "Ġ34": 4974, + "Ġreform": 4975, + "coming": 4976, + "Ġoccup": 4977, + "Ġcaught": 4978, + "Ġtraffic": 4979, + "ading": 4980, + "Ġmodels": 4981, + "ario": 4982, + "Ġserved": 4983, + "Ġbatter": 4984, + "uate": 4985, + "ĠSecretary": 4986, + "Ġagreed": 4987, + "Ġtruly": 4988, + "ynam": 4989, + "ĠRet": 4990, + "Ġunits": 4991, + "ĠResearch": 4992, + "hand": 4993, + "azine": 4994, + "ĠMike": 4995, + "Ġvariety": 4996, + "otal": 4997, + "Ġamazing": 4998, + "Ġconfirmed": 4999, + "Ġentirely": 5000, + "Ġpurchase": 5001, + "Ġelement": 5002, + "Ġcash": 5003, + "Ġdetermine": 5004, + "De": 5005, + "Ġcars": 5006, + "ĠWall": 5007, + "âĸ": 5008, + "Ġviews": 5009, + "Ġdrugs": 5010, + "Ġdepartment": 5011, + "ĠStep": 5012, + "uit": 5013, + "Ġ39": 5014, + "asure": 5015, + "ĠClass": 5016, + "Ġcovered": 5017, + "ĠBank": 5018, + "Ġmere": 5019, + "uana": 5020, + "Ġmulti": 5021, + "Ġmix": 5022, + "Ġunlike": 5023, + "levision": 5024, + "Ġstopped": 5025, + "Ġsem": 5026, + "ĠGal": 5027, + "ules": 5028, + "Ġwel": 5029, + "ĠJohnson": 5030, + "la": 5031, + "Ġskill": 5032, + "Ġbecoming": 5033, + "rie": 5034, + "Ġappropriate": 5035, + "fe": 5036, + "ellow": 5037, + "ĠProt": 5038, + "ulate": 5039, + "ocation": 5040, + "Ġweekend": 5041, + "odies": 5042, + "Ġsites": 5043, + "Ġanimal": 5044, + "ĠTim": 5045, + "Ġscale": 5046, + "Ġcharged": 5047, + "Ġinstruct": 5048, + "illa": 5049, + "Ġmethods": 5050, + "Ġcert": 5051, + "Ġjudge": 5052, + "ĠHel": 5053, + "Ġdollars": 5054, + "Ġstanding": 5055, + "ĠSqu": 5056, + "Ġdebt": 5057, + "liam": 5058, + "Ġdriving": 5059, + "ĠSum": 5060, + "ĠEdition": 5061, + "Ġalbum": 5062, + "andon": 5063, + "IF": 5064, + "ĠUk": 5065, + "63": 5066, + "ader": 5067, + "Ġcommercial": 5068, + "esh": 5069, + "ĠGovernment": 5070, + "Ġdiscovered": 5071, + "Ġoutput": 5072, + "ĠHillary": 5073, + "ĠCarol": 5074, + "Ġ2005": 5075, + "Ġabuse": 5076, + "ancing": 5077, + "Ġswitch": 5078, + "Ġannual": 5079, + "Tw": 5080, + "Ġstated": 5081, + "agement": 5082, + "inner": 5083, + "Ġdemocr": 5084, + "Ġresidents": 5085, + "Ġallowing": 5086, + "Ġfactors": 5087, + "odd": 5088, + "Ġfuck": 5089, + "emies": 5090, + "Ġoccurred": 5091, + "oti": 5092, + "Ġnorth": 5093, + "ĠPublic": 5094, + "Ġinjury": 5095, + "Ġinsurance": 5096, + "CL": 5097, + "olly": 5098, + "ãĢ": 5099, + "Ġrepeated": 5100, + "Ġarms": 5101, + "anged": 5102, + "Ġconstruction": 5103, + "Ġfle": 5104, + "PU": 5105, + "icians": 5106, + "Ġforms": 5107, + "ĠMcC": 5108, + "antic": 5109, + "Ġmental": 5110, + "pire": 5111, + "Ġequipment": 5112, + "Ġfant": 5113, + "Ġdiscussion": 5114, + "Ġregarding": 5115, + "kin": 5116, + "arp": 5117, + "Ġchair": 5118, + "ogue": 5119, + "Ġproceed": 5120, + "ĠId": 5121, + "Our": 5122, + "Ġmurder": 5123, + "Man": 5124, + "Ġ49": 5125, + "asp": 5126, + "Ġsupply": 5127, + "Ġinput": 5128, + "Ġwealth": 5129, + "liament": 5130, + "Ġproced": 5131, + "orial": 5132, + "ĠStat": 5133, + "ĠNFL": 5134, + "hens": 5135, + "ĠInstitute": 5136, + "Ġputting": 5137, + "ournament": 5138, + "etic": 5139, + "Ġlocated": 5140, + "Ġkid": 5141, + "eria": 5142, + "run": 5143, + "Ġprinc": 5144, + "Ġ!": 5145, + "going": 5146, + "ĠBet": 5147, + "Ġclot": 5148, + "Ġtelling": 5149, + "Ġproposed": 5150, + "iot": 5151, + "orry": 5152, + "Ġfunds": 5153, + "gment": 5154, + "ĠLife": 5155, + "Ġbaby": 5156, + "ĠBack": 5157, + "Ġspoke": 5158, + "Image": 5159, + "Ġearn": 5160, + "ĠAT": 5161, + "gu": 5162, + "Ġexchange": 5163, + "ĠLin": 5164, + "oving": 5165, + "Ġpair": 5166, + "More": 5167, + "azon": 5168, + "Ġarrested": 5169, + "Ġkilling": 5170, + "can": 5171, + "ĠCard": 5172, + "yd": 5173, + "Ġidentified": 5174, + "Ġmobile": 5175, + "Ġthanks": 5176, + "onym": 5177, + "ĠForm": 5178, + "Ġhundreds": 5179, + "ĠChris": 5180, + "ĠCat": 5181, + "Ġtrend": 5182, + "hat": 5183, + "ĠAv": 5184, + "oman": 5185, + "Ġelectric": 5186, + "ĠWil": 5187, + "SE": 5188, + "Of": 5189, + "Ġrestaur": 5190, + "oted": 5191, + "Ġtrig": 5192, + "Ġnine": 5193, + "Ġbomb": 5194, + "Why": 5195, + "¯": 5196, + "Ġcoverage": 5197, + "Ġappeal": 5198, + "ĠRobert": 5199, + "ĠSup": 5200, + "Ġfinished": 5201, + "Ġflow": 5202, + "Ġdeliver": 5203, + "Ġcalcul": 5204, + "Ġphotos": 5205, + "Ġphil": 5206, + "Ġpieces": 5207, + "Ġappre": 5208, + "kes": 5209, + "Ġrough": 5210, + "Do": 5211, + "Ġpartner": 5212, + "Ġconcerned": 5213, + "Ġ37": 5214, + "ĠGen": 5215, + "Col": 5216, + "ctors": 5217, + "Ġ=>": 5218, + "state": 5219, + "Ġsuggested": 5220, + "ĠForce": 5221, + "CE": 5222, + "Ġherself": 5223, + "ĠPlan": 5224, + "works": 5225, + "ooth": 5226, + "rency": 5227, + "Ġcorner": 5228, + "Ġhusband": 5229, + "Ġinternet": 5230, + "ĠAut": 5231, + "ems": 5232, + "osen": 5233, + "ĠAtl": 5234, + "gen": 5235, + "Ġbalance": 5236, + "62": 5237, + "Ġsounds": 5238, + "text": 5239, + "Ġarr": 5240, + "oves": 5241, + "Ġmillions": 5242, + "Ġradio": 5243, + "Ġsatisf": 5244, + "ĠDam": 5245, + "Mr": 5246, + "Go": 5247, + "Spe": 5248, + "Ġcombat": 5249, + "rant": 5250, + "ĠGree": 5251, + "Ġfuel": 5252, + "Ġdistance": 5253, + "Ġtests": 5254, + "Ġdecre": 5255, + "ĠEr": 5256, + "Ġmanaged": 5257, + "DS": 5258, + "Ġtit": 5259, + "Ġmeasures": 5260, + "ĠLiber": 5261, + "Ġattend": 5262, + "ashed": 5263, + "ĠJose": 5264, + "ĠNight": 5265, + "dit": 5266, + "ĠNov": 5267, + "ĠEnd": 5268, + "outs": 5269, + "Ġgeneration": 5270, + "Ġadvoc": 5271, + "yth": 5272, + "Ġconversation": 5273, + "ĠSky": 5274, + "active": 5275, + "cel": 5276, + "rier": 5277, + "ĠFrank": 5278, + "Ġgender": 5279, + "Ġconcent": 5280, + "Ġcarried": 5281, + "anda": 5282, + "ĠVirgin": 5283, + "Ġarrived": 5284, + "icide": 5285, + "aded": 5286, + "Ġfailure": 5287, + "Ġminimum": 5288, + "lets": 5289, + "Ġworst": 5290, + "Ġkeeping": 5291, + "Ġintended": 5292, + "Ġillegal": 5293, + "Ġsubsc": 5294, + "Ġdetermined": 5295, + "Ġtrip": 5296, + "Yes": 5297, + "Ġraise": 5298, + "Ġ~": 5299, + "Ġfeels": 5300, + "Ġpackage": 5301, + "ĠJo": 5302, + "hi": 5303, + "2016": 5304, + "real": 5305, + "Ġfra": 5306, + "Ġsymb": 5307, + "Me": 5308, + "ucky": 5309, + "pret": 5310, + "ĠKh": 5311, + "ĠEdit": 5312, + "ĠWeb": 5313, + "emic": 5314, + "ĠColor": 5315, + "Ġjustice": 5316, + "Int": 5317, + "Ġfarm": 5318, + "cknow": 5319, + "\">": 5320, + "eless": 5321, + "Ġreduced": 5322, + "Ġ500": 5323, + "xx": 5324, + "ĠRad": 5325, + "ĠWood": 5326, + "Ġclin": 5327, + "Ġhyp": 5328, + "iler": 5329, + "ura": 5330, + "kins": 5331, + "85": 5332, + "61": 5333, + "ĠTheir": 5334, + "ĠMary": 5335, + "Ġsan": 5336, + "Ġnovel": 5337, + "ĠWho": 5338, + "Ġcapacity": 5339, + "Ġimpossible": 5340, + "Ġplays": 5341, + "Ġminister": 5342, + "ijuana": 5343, + "icate": 5344, + "ĠSet": 5345, + "Ġfram": 5346, + "Ġing": 5347, + "Ġcommunities": 5348, + "ĠFBI": 5349, + "ita": 5350, + "Ġbon": 5351, + "Ġstrateg": 5352, + "Ġinterests": 5353, + "lock": 5354, + "gers": 5355, + "mas": 5356, + "ĠAND": 5357, + "Ġconflict": 5358, + "Ġrequirements": 5359, + "Ġsac": 5360, + "Ġoperating": 5361, + "ini": 5362, + "related": 5363, + "Ġcommitted": 5364, + "Ġrelatively": 5365, + "Ġsouth": 5366, + "¯¯": 5367, + "Ġafford": 5368, + "Ġidentity": 5369, + "Ġdecisions": 5370, + "Ġaccused": 5371, + "place": 5372, + "Ġvictory": 5373, + "och": 5374, + "iat": 5375, + "Name": 5376, + "Com": 5377, + "tion": 5378, + "eds": 5379, + "Ġseek": 5380, + "Ġtight": 5381, + "ĠImages": 5382, + "Ġiniti": 5383, + "Ġhumans": 5384, + "Ġfamiliar": 5385, + "Ġaudience": 5386, + "Ġinternal": 5387, + "venture": 5388, + "Ġsides": 5389, + "ĠTO": 5390, + "Ġdim": 5391, + "Ġconclud": 5392, + "Ġappoint": 5393, + "Ġenforcement": 5394, + "ĠJim": 5395, + "ĠAssociation": 5396, + "Ġcircumst": 5397, + "ĠCanadian": 5398, + "Ġjoined": 5399, + "Ġdifferences": 5400, + "ĠLos": 5401, + "Ġprotest": 5402, + "Ġtwice": 5403, + "win": 5404, + "Ġglass": 5405, + "arsh": 5406, + "ĠArmy": 5407, + "Ġexpression": 5408, + "Ġdecide": 5409, + "Ġplanning": 5410, + "ania": 5411, + "Ġhandle": 5412, + "ĠMicrosoft": 5413, + "ĠNor": 5414, + "Ġmaximum": 5415, + "ĠRev": 5416, + "Ġsea": 5417, + "Ġeval": 5418, + "Ġhelps": 5419, + "ref": 5420, + "Ġbound": 5421, + "Ġmouth": 5422, + "Ġstandards": 5423, + "Ġclim": 5424, + "ĠCamp": 5425, + "ĠFox": 5426, + "cles": 5427, + "Ġarmy": 5428, + "ĠTechn": 5429, + "acking": 5430, + "xy": 5431, + "SS": 5432, + "Ġ42": 5433, + "Ġbug": 5434, + "ĠUkrain": 5435, + "ĠMax": 5436, + "ĠJones": 5437, + "ĠShow": 5438, + "lo": 5439, + "Ġplanet": 5440, + "Ġ75": 5441, + "Ġwinning": 5442, + "Ġfaster": 5443, + "Ġspect": 5444, + "Ġbroken": 5445, + "TR": 5446, + "Ġdefined": 5447, + "Ġhealthy": 5448, + "Ġcompetition": 5449, + "https": 5450, + "ĠIsland": 5451, + "ĠFe": 5452, + "Ġannounce": 5453, + "ĠCup": 5454, + "ĠInstead": 5455, + "Ġclient": 5456, + "Ġpossibly": 5457, + "section": 5458, + "ocket": 5459, + "look": 5460, + "Ġfinish": 5461, + "Ġcrew": 5462, + "Ġreserv": 5463, + "Ġeditor": 5464, + "Ġhate": 5465, + "Ġsale": 5466, + "Ġcontrovers": 5467, + "Ġpages": 5468, + "wing": 5469, + "Ġnumer": 5470, + "Ġopposition": 5471, + "Ġ2004": 5472, + "Ġrefuge": 5473, + "Ġflight": 5474, + "Ġapart": 5475, + "ĠLat": 5476, + "Americ": 5477, + "ĠAfrica": 5478, + "Ġapplications": 5479, + "ĠPalest": 5480, + "ĠBur": 5481, + "Ġgar": 5482, + "ĠSocial": 5483, + "Ġupgr": 5484, + "Ġshape": 5485, + "Ġspeaking": 5486, + "ansion": 5487, + "ao": 5488, + "ĠSn": 5489, + "Ġworry": 5490, + "ĠBritain": 5491, + "Please": 5492, + "roud": 5493, + "Ġhun": 5494, + "Ġintroduced": 5495, + "Ġdiet": 5496, + "Ind": 5497, + "ĠSecond": 5498, + "Ġfunctions": 5499, + "uts": 5500, + "ĠEach": 5501, + "ĠJeff": 5502, + "Ġstress": 5503, + "Ġaccounts": 5504, + "Ġguarant": 5505, + "ĠAnn": 5506, + "edia": 5507, + "Ġhonest": 5508, + "Ġtree": 5509, + "ĠAfrican": 5510, + "ĠBush": 5511, + "},": 5512, + "Ġsch": 5513, + "ĠOnly": 5514, + "Ġfif": 5515, + "igan": 5516, + "Ġexercise": 5517, + "ĠExp": 5518, + "Ġscientists": 5519, + "Ġlegislation": 5520, + "ĠWork": 5521, + "ĠSpr": 5522, + "ÃĤ": 5523, + "ĠHuman": 5524, + "Ġè": 5525, + "Ġsurvey": 5526, + "Ġrich": 5527, + "rip": 5528, + "Ġmaintain": 5529, + "Ġflo": 5530, + "Ġleadership": 5531, + "stream": 5532, + "ĠIslamic": 5533, + "Ġ01": 5534, + "ĠCollege": 5535, + "Ġmagic": 5536, + "ĠPrime": 5537, + "Ġfigures": 5538, + "2017": 5539, + "inder": 5540, + "xual": 5541, + "ĠDead": 5542, + "Ġabsolutely": 5543, + "Ġfourth": 5544, + "Ġpresented": 5545, + "respond": 5546, + "rible": 5547, + "Ġalcohol": 5548, + "ato": 5549, + "ĠDE": 5550, + "porary": 5551, + "Ġgrab": 5552, + "Ġvari": 5553, + "Ġquant": 5554, + "ĠPhoto": 5555, + "Ġplus": 5556, + "rick": 5557, + "arks": 5558, + "Ġalternative": 5559, + "Ġpil": 5560, + "Ġapprox": 5561, + "that": 5562, + "Ġobjects": 5563, + "ĠRo": 5564, + "ĠAndroid": 5565, + "Ġsignificantly": 5566, + "ĠRoad": 5567, + "kay": 5568, + "Read": 5569, + "avor": 5570, + "Ġacknow": 5571, + "ĠHD": 5572, + "ĠSing": 5573, + "Or": 5574, + "ĠMont": 5575, + "Ġuns": 5576, + "prof": 5577, + "Ġnegoti": 5578, + "ĠArch": 5579, + "iki": 5580, + "Ġtelevision": 5581, + "ĠJewish": 5582, + "Ġcommittee": 5583, + "Ġmotor": 5584, + "Ġappearance": 5585, + "Ġsitting": 5586, + "Ġstrike": 5587, + "ĠDown": 5588, + "comp": 5589, + "ĠHist": 5590, + "Ġfold": 5591, + "acement": 5592, + "ĠLouis": 5593, + "Ġbelong": 5594, + "ĠâĢ¢": 5595, + "Ġmort": 5596, + "Ġprepared": 5597, + "Ġ64": 5598, + "ĠMaster": 5599, + "Ġindeed": 5600, + "ĠDen": 5601, + "Ġrent": 5602, + "TA": 5603, + "ourney": 5604, + "arc": 5605, + "Su": 5606, + "97": 5607, + "Ġadvice": 5608, + "Ġchanging": 5609, + "Ġlisted": 5610, + "Ġlaunched": 5611, + "isation": 5612, + "ĠPeter": 5613, + "ishes": 5614, + "Ġlived": 5615, + "ĠMel": 5616, + "ĠSupreme": 5617, + "ĠFederal": 5618, + "Ġ);": 5619, + "ructure": 5620, + "Ġsets": 5621, + "Ġphilos": 5622, + "uous": 5623, + "ĠÂł": 5624, + "Ġapplied": 5625, + "ĠNOT": 5626, + "Ġhousing": 5627, + "ĠMount": 5628, + "Ġodd": 5629, + "Ġsust": 5630, + "DA": 5631, + "fficient": 5632, + "Ġ?": 5633, + "olved": 5634, + "Ġpowers": 5635, + "Ġthr": 5636, + "Ġremaining": 5637, + "ĠWater": 5638, + "LC": 5639, + "Ġcauses": 5640, + "ãģ®": 5641, + "Ġmanner": 5642, + "ads": 5643, + "Ġsuggests": 5644, + "Ġends": 5645, + "standing": 5646, + "fig": 5647, + "ĠDun": 5648, + "idth": 5649, + "Ġgay": 5650, + "Ġtermin": 5651, + "ĠAngeles": 5652, + "MS": 5653, + "Ġscientific": 5654, + "Ġcoal": 5655, + "apers": 5656, + "bar": 5657, + "ĠThomas": 5658, + "Ġsym": 5659, + "ĠRun": 5660, + "this": 5661, + "PC": 5662, + "igrants": 5663, + "Ġminute": 5664, + "ĠDistrict": 5665, + "cellent": 5666, + "Ġleaves": 5667, + "Ġcompleted": 5668, + "amin": 5669, + "Ġfocused": 5670, + "Ġmonitor": 5671, + "Ġvehicles": 5672, + "MA": 5673, + "ĠMass": 5674, + "ĠGrand": 5675, + "Ġaffected": 5676, + "itutional": 5677, + "Ġconstruct": 5678, + "Ġfollows": 5679, + "Ġton": 5680, + "reens": 5681, + "Ġhomes": 5682, + "ĠExt": 5683, + "ĠLevel": 5684, + "rast": 5685, + "ĠIr": 5686, + "Ġelim": 5687, + "Ġlargely": 5688, + "ĠJoe": 5689, + "Ġvotes": 5690, + "alls": 5691, + "Ġbusinesses": 5692, + "ĠFoundation": 5693, + "ĠCentral": 5694, + "Ġyards": 5695, + "Ġmaterials": 5696, + "ulner": 5697, + "Ġguide": 5698, + "Ġcloser": 5699, + "ums": 5700, + "Ġsports": 5701, + "eder": 5702, + "Just": 5703, + "Ġtaxes": 5704, + "84": 5705, + "ĠOld": 5706, + "Ġdecade": 5707, + "ola": 5708, + "Ġvir": 5709, + "Ġdropped": 5710, + "Ġdelay": 5711, + "itect": 5712, + "Ġsecure": 5713, + "stein": 5714, + "level": 5715, + "Ġtreated": 5716, + "Ġfiled": 5717, + "aine": 5718, + "Ġvan": 5719, + "Ġmir": 5720, + "Ġcolumn": 5721, + "icted": 5722, + "eper": 5723, + "Ġrot": 5724, + "Ġconsult": 5725, + "Ġentry": 5726, + "Ġmarijuana": 5727, + "ĠDou": 5728, + "Ġapparently": 5729, + "oking": 5730, + "clusive": 5731, + "Ġincreases": 5732, + "ano": 5733, + "Ġspecifically": 5734, + "Ġtele": 5735, + "ensions": 5736, + "Ġreligion": 5737, + "abilities": 5738, + "Ġframe": 5739, + "ĠNote": 5740, + "ĠLee": 5741, + "Ġhelping": 5742, + "Ġedge": 5743, + "oston": 5744, + "Ġorganizations": 5745, + "Ãĥ": 5746, + "ĠBoth": 5747, + "hips": 5748, + "Ġbigger": 5749, + "Ġboost": 5750, + "ĠStand": 5751, + "Ġrow": 5752, + "uls": 5753, + "abase": 5754, + "Ġrid": 5755, + "Let": 5756, + "aren": 5757, + "rave": 5758, + "Ġstret": 5759, + "PD": 5760, + "Ġvision": 5761, + "Ġwearing": 5762, + "Ġappreci": 5763, + "Ġaward": 5764, + "ĠUse": 5765, + "Ġfactor": 5766, + "war": 5767, + "ulations": 5768, + ")(": 5769, + "Ġgod": 5770, + "Ġterrit": 5771, + "Ġparam": 5772, + "asts": 5773, + "87": 5774, + "Ġenemies": 5775, + "ĠGames": 5776, + "FF": 5777, + "Ġaccident": 5778, + "Well": 5779, + "ĠMartin": 5780, + "TER": 5781, + "Ġath": 5782, + "ĠHell": 5783, + "Ġforg": 5784, + "Ġveter": 5785, + "ĠMedic": 5786, + "free": 5787, + "Ġstars": 5788, + "Ġexpensive": 5789, + "Ġacad": 5790, + "rawn": 5791, + "ĠWhe": 5792, + "Ġlock": 5793, + "Ġformat": 5794, + "Ġsoldiers": 5795, + "sm": 5796, + "Ġagent": 5797, + "Ġresponsibility": 5798, + "ora": 5799, + "ĠScience": 5800, + "Ġrapid": 5801, + "Ġtough": 5802, + "ĠJesus": 5803, + "Ġbelieves": 5804, + "ML": 5805, + "Ġwear": 5806, + "lete": 5807, + "ÃĥÃĤ": 5808, + "ĠDri": 5809, + "Ġcommission": 5810, + "ĠBob": 5811, + "Oh": 5812, + "aped": 5813, + "Ġwarm": 5814, + "ÃĥÃĤÃĥÃĤ": 5815, + "Ġ2003": 5816, + "ortion": 5817, + "Ġhasn": 5818, + "uster": 5819, + "Ġunivers": 5820, + "ĠIll": 5821, + "Ġking": 5822, + "ologies": 5823, + "94": 5824, + "ĠTem": 5825, + "ĠMos": 5826, + "Ġpatient": 5827, + "ĠMexico": 5828, + "cean": 5829, + "ĠDeath": 5830, + "ĠSanders": 5831, + "you": 5832, + "ĠCast": 5833, + "ĠCompany": 5834, + "pty": 5835, + "Ġhappening": 5836, + "FP": 5837, + "ĠBattle": 5838, + "Ġbought": 5839, + "Am": 5840, + "Mod": 5841, + "Us": 5842, + "uters": 5843, + "ĠCre": 5844, + "ĠThose": 5845, + "Ġ44": 5846, + "iser": 5847, + "Ġsoul": 5848, + "ĠTop": 5849, + "ĠHarry": 5850, + "ĠAw": 5851, + "Ġseat": 5852, + "ffee": 5853, + "Ġrevolution": 5854, + "Ġ(\"": 5855, + "ĠDuring": 5856, + "ette": 5857, + "Ġring": 5858, + "Ġoffensive": 5859, + "Ġreturns": 5860, + "Ġvideos": 5861, + "Ġdiscl": 5862, + "Ġfamous": 5863, + "enced": 5864, + "ĠSign": 5865, + "ĠRiver": 5866, + "Ġ300": 5867, + "PM": 5868, + "ĠBus": 5869, + "ĠCH": 5870, + "Ġcandidates": 5871, + "arden": 5872, + "Ġpercentage": 5873, + "Ġvisual": 5874, + "Ġthank": 5875, + "Ġtrouble": 5876, + "nergy": 5877, + "Ġ2001": 5878, + "Ġprove": 5879, + "ashion": 5880, + "Ġenh": 5881, + "ĠLong": 5882, + "UM": 5883, + "Ġconnected": 5884, + "Ġpossibility": 5885, + "Over": 5886, + "Ġexpert": 5887, + "Ġlibrary": 5888, + "arts": 5889, + "ĠDirector": 5890, + "Ġfellow": 5891, + "92": 5892, + "irty": 5893, + "Ġdry": 5894, + "Ġsigns": 5895, + "ĠLove": 5896, + "Ġquiet": 5897, + "foot": 5898, + "Ġpure": 5899, + "ĠHun": 5900, + "Ġfilled": 5901, + "phas": 5902, + "ĠElect": 5903, + "endment": 5904, + "ĠExpl": 5905, + "Ġunable": 5906, + "ns": 5907, + "mo": 5908, + "Ġvast": 5909, + "obe": 5910, + "Ġidentify": 5911, + "apping": 5912, + "ĠCarolina": 5913, + "gress": 5914, + "Ġprote": 5915, + "Ġfish": 5916, + "Ġcircumstances": 5917, + "razy": 5918, + "ĠPhot": 5919, + "Ġbodies": 5920, + "ĠMur": 5921, + "Ġdeveloping": 5922, + "ĠAR": 5923, + "Ġexperienced": 5924, + "Ġsubstant": 5925, + "ĠBoard": 5926, + "esome": 5927, + "Ġdomestic": 5928, + "Ġcombined": 5929, + "ĠPut": 5930, + "Ġchemical": 5931, + "ĠChild": 5932, + "Ġpool": 5933, + "ĠCy": 5934, + "Ġegg": 5935, + "cons": 5936, + "sters": 5937, + "Ġhurt": 5938, + "Ġmarkets": 5939, + "Ġconservative": 5940, + "Ġsupporters": 5941, + "Ġagencies": 5942, + "idel": 5943, + "Ob": 5944, + "urb": 5945, + "Ġ43": 5946, + "ĠDefense": 5947, + "ye": 5948, + "ĠAp": 5949, + "dule": 5950, + "Ġtemperature": 5951, + "Ġconducted": 5952, + "ĠChief": 5953, + "Ġpulled": 5954, + "Ġfol": 5955, + "Last": 5956, + "onto": 5957, + "osis": 5958, + "VER": 5959, + "Des": 5960, + "ĠPan": 5961, + "First": 5962, + "Ġadvance": 5963, + "Ġlicense": 5964, + "rors": 5965, + "ĠJon": 5966, + "Ġimagine": 5967, + "Ġhell": 5968, + "Ġfixed": 5969, + "Ġincor": 5970, + "osite": 5971, + "ĠLog": 5972, + "icken": 5973, + "]:": 5974, + "Ġsurprise": 5975, + "hab": 5976, + "Ġcraft": 5977, + "olt": 5978, + "ĠJul": 5979, + "Ġdial": 5980, + "Ġrelevant": 5981, + "Ġentered": 5982, + "Ġleads": 5983, + "ĠAD": 5984, + "ĠClean": 5985, + "Ġpictures": 5986, + "essor": 5987, + "Ġalt": 5988, + "Ġpaying": 5989, + "Per": 5990, + "ĠMarket": 5991, + "Ġupdates": 5992, + "amily": 5993, + "ĠType": 5994, + "ĠHome": 5995, + "Ġ55": 5996, + "sembly": 5997, + "rome": 5998, + "83": 5999, + "Ġgreatest": 6000, + "Ġheight": 6001, + "Ġheav": 6002, + "aints": 6003, + "Ġlisten": 6004, + "aser": 6005, + "ĠSH": 6006, + "Ġcapable": 6007, + "acle": 6008, + "Ġperspect": 6009, + "inating": 6010, + "Ġoffering": 6011, + "rypt": 6012, + "ĠDevelop": 6013, + "abin": 6014, + "rc": 6015, + "Ġbright": 6016, + "alty": 6017, + "arrow": 6018, + "Ġsuppl": 6019, + "inding": 6020, + "acked": 6021, + "gypt": 6022, + "ĠAnother": 6023, + "pg": 6024, + "ĠVirginia": 6025, + "ĠLu": 6026, + "Ġplanned": 6027, + "Ġpit": 6028, + "Ġsweet": 6029, + "Type": 6030, + "ĠDi": 6031, + "Ġtypically": 6032, + "ĠFrancisco": 6033, + "Ġprospect": 6034, + "ĠDan": 6035, + "Ġteen": 6036, + "rees": 6037, + "Ġsched": 6038, + "Ġhol": 6039, + "Ġscr": 6040, + "Ġlots": 6041, + "life": 6042, + "Ġnewsp": 6043, + "Ġforget": 6044, + "ĠNone": 6045, + "ĠMiddle": 6046, + "ĠRyan": 6047, + "edd": 6048, + "Ġsevere": 6049, + "Ġsuit": 6050, + "ller": 6051, + "93": 6052, + "Ġcorrespond": 6053, + "Ġexplos": 6054, + "uations": 6055, + "Ġflag": 6056, + "game": 6057, + "rid": 6058, + "Ġprin": 6059, + "ĠData": 6060, + "Ġdeploy": 6061, + "ĠEnter": 6062, + "suit": 6063, + "ghan": 6064, + "ĠMen": 6065, + "Ġthoughts": 6066, + "Ġmatters": 6067, + "Ġadapt": 6068, + "ĠAri": 6069, + "Ġfill": 6070, + "Ġforth": 6071, + "Ġsam": 6072, + "Ġ41": 6073, + "Ġpayment": 6074, + "ĠHor": 6075, + "Ġspring": 6076, + "duc": 6077, + "Ġlosing": 6078, + "Ġbringing": 6079, + "FO": 6080, + "ala": 6081, + "Ġdistribution": 6082, + "hered": 6083, + "bour": 6084, + "ĠIsraeli": 6085, + "oma": 6086, + "Ġcombination": 6087, + "Ġplenty": 6088, + "VE": 6089, + "Can": 6090, + "ĠHaw": 6091, + "Ġperman": 6092, + "ĠSpecial": 6093, + "Ġtow": 6094, + "Ġseeking": 6095, + "Ġexamples": 6096, + "Ġclasses": 6097, + "cr": 6098, + "Ġbeer": 6099, + "Ġmoves": 6100, + "ĠIP": 6101, + "ĠKn": 6102, + "Ġpanel": 6103, + "Even": 6104, + "Ġproperly": 6105, + "Ġris": 6106, + "Ġplug": 6107, + "Ġestimated": 6108, + "Every": 6109, + "Ġdefensive": 6110, + "agraph": 6111, + "Ġpregn": 6112, + "Ġinstit": 6113, + "ĠVict": 6114, + "Ġvolume": 6115, + "Ġpositions": 6116, + "Ġlinks": 6117, + "ĠProgram": 6118, + "ĠWeek": 6119, + "agues": 6120, + "Ġtransform": 6121, + "ker": 6122, + "ĠCEO": 6123, + "Ġcas": 6124, + "Ġopponent": 6125, + "Ġtweet": 6126, + "ĠCode": 6127, + "Ġshop": 6128, + "Ġfly": 6129, + "Ġtalks": 6130, + "Ġbag": 6131, + "Phone": 6132, + "Ġaid": 6133, + "Ġplants": 6134, + "Ġ65": 6135, + "Ġattorney": 6136, + "arters": 6137, + "quest": 6138, + "ĠMagic": 6139, + "Ġbegins": 6140, + "Ġmyster": 6141, + "Ġenvironmental": 6142, + "Ġstorage": 6143, + "NN": 6144, + "Ġmarg": 6145, + "Ġske": 6146, + "Ġmetal": 6147, + "elly": 6148, + "Ġordered": 6149, + "Ġremained": 6150, + "Ġloved": 6151, + "Ġprompt": 6152, + "Ġupdated": 6153, + "Ġexperts": 6154, + "Ġwalking": 6155, + "Ġancient": 6156, + "Ġperformed": 6157, + "ATE": 6158, + "Ġneither": 6159, + "iency": 6160, + "Ġmanufacture": 6161, + "ĠPak": 6162, + "Ġselected": 6163, + "Ġmine": 6164, + "Ġultimately": 6165, + "Ġexplan": 6166, + "Ġlabel": 6167, + "ĠServices": 6168, + "ributed": 6169, + "Trump": 6170, + "Ġsyn": 6171, + "ĠUlt": 6172, + "SC": 6173, + "Ġmeat": 6174, + "Ġgiant": 6175, + "ĠWars": 6176, + "ĠON": 6177, + "Ġadm": 6178, + "Ġinterpret": 6179, + "Ġevening": 6180, + "Ġevil": 6181, + "ĠBoston": 6182, + "ĠWild": 6183, + "ĠÃ": 6184, + "ĠBitcoin": 6185, + "ĠAmazon": 6186, + "Dr": 6187, + "ĠInformation": 6188, + "Ġobviously": 6189, + "Ġadvanced": 6190, + "Photo": 6191, + "olar": 6192, + "Ġweather": 6193, + "Ġsymbol": 6194, + "Ġsole": 6195, + "Ġpotentially": 6196, + "oster": 6197, + "Ġoriginally": 6198, + "mun": 6199, + "300": 6200, + "aze": 6201, + "essions": 6202, + "Ġdeck": 6203, + "Ġstood": 6204, + "Ġyouth": 6205, + "ĠBern": 6206, + "Rep": 6207, + "ĠTest": 6208, + "Ġbasically": 6209, + "otic": 6210, + "Ġinvolve": 6211, + "olit": 6212, + "lyn": 6213, + "See": 6214, + "Ġaircraft": 6215, + "Ġconfirm": 6216, + "EW": 6217, + "Ġmessages": 6218, + "ĠRichard": 6219, + "Ġkit": 6220, + "Ġprohib": 6221, + "Ġvulner": 6222, + "isters": 6223, + "Ġexistence": 6224, + "Ġturning": 6225, + "ĠSP": 6226, + "Ġdesire": 6227, + "Ġflat": 6228, + "Ġment": 6229, + "season": 6230, + "anges": 6231, + "Ġneighborhood": 6232, + "ĠLake": 6233, + "ATION": 6234, + "Ġpointed": 6235, + "bur": 6236, + "Ġinnov": 6237, + "ucks": 6238, + "UL": 6239, + "Ġprofessor": 6240, + "Ġexpressed": 6241, + "AB": 6242, + "icious": 6243, + "Ġ2002": 6244, + "ĠDev": 6245, + "Ġsession": 6246, + "Ġbare": 6247, + "sen": 6248, + "Ġdiss": 6249, + "ĠCath": 6250, + "ĠPass": 6251, + "ĠPoint": 6252, + "Ġdoctor": 6253, + "orrow": 6254, + "ailed": 6255, + "ĠRub": 6256, + "ĠDC": 6257, + "ĠCharl": 6258, + "person": 6259, + "Ġwriter": 6260, + "ighters": 6261, + "ureau": 6262, + "Ġoblig": 6263, + "Ġrecorded": 6264, + "Ġbroke": 6265, + "Ġorders": 6266, + "ilty": 6267, + "Ġmotion": 6268, + "inity": 6269, + "law": 6270, + "adium": 6271, + "Ġimmigration": 6272, + "Ġcontrast": 6273, + "Ġbatt": 6274, + "Ġexcellent": 6275, + "Ġtechnical": 6276, + "ami": 6277, + "Ġtun": 6278, + "Ġcloud": 6279, + "ĠYear": 6280, + "geon": 6281, + "Ġcreation": 6282, + "Ġstrange": 6283, + "Ġauth": 6284, + "Ġfort": 6285, + "born": 6286, + "Ġextent": 6287, + "ĠToday": 6288, + "ĠClub": 6289, + "Ġrain": 6290, + "Ġsample": 6291, + "Ġaccepted": 6292, + "Ġtact": 6293, + "Ġfired": 6294, + "ĠSon": 6295, + "Ġstands": 6296, + "Ġboot": 6297, + "Ġ47": 6298, + "Ġstatements": 6299, + "Ġversions": 6300, + "Ġselling": 6301, + "ounded": 6302, + "Ġ1990": 6303, + "Ġweren": 6304, + "ĠWatch": 6305, + "Ġexperiment": 6306, + "Post": 6307, + "Ġretail": 6308, + "uled": 6309, + "Inst": 6310, + "unte": 6311, + "ãĥ¼": 6312, + "Ġdepart": 6313, + "Ġbond": 6314, + "ivery": 6315, + "ompl": 6316, + "Ġreaction": 6317, + "ĠSyrian": 6318, + "ĠPac": 6319, + "apped": 6320, + "aniel": 6321, + "DP": 6322, + "Ġresolution": 6323, + "Ġreact": 6324, + "Ġapproved": 6325, + "onom": 6326, + "mond": 6327, + "ĠOffic": 6328, + "---": 6329, + "Ġreplace": 6330, + "Ġtack": 6331, + "Ġsport": 6332, + "Ġchain": 6333, + "Ġemergency": 6334, + "rad": 6335, + "ĠPalestin": 6336, + "Ġ46": 6337, + "Ġautomatically": 6338, + "Ġroute": 6339, + "Ġpal": 6340, + "Ġbanks": 6341, + "ĠParis": 6342, + "ĠMedia": 6343, + "road": 6344, + "icing": 6345, + "ixt": 6346, + "isted": 6347, + "Ġgrew": 6348, + "Ġcoord": 6349, + "ĠWhere": 6350, + "omin": 6351, + "Ġsubs": 6352, + "��": 6353, + "Ġ±": 6354, + "Ġcorporate": 6355, + "Ġselection": 6356, + "noon": 6357, + "ĠReport": 6358, + "cs": 6359, + "cluding": 6360, + "orders": 6361, + "anche": 6362, + "ĠIts": 6363, + "Ġslowly": 6364, + "ĠEgypt": 6365, + "ĠAcc": 6366, + "Ġcolle": 6367, + "iques": 6368, + "EX": 6369, + "Ġattempts": 6370, + "url": 6371, + "ĠCross": 6372, + "Ġfindings": 6373, + "ĠSC": 6374, + "ĠOR": 6375, + "Ġindex": 6376, + "ensity": 6377, + "ĠWay": 6378, + "ĠLand": 6379, + "Ġshock": 6380, + "dis": 6381, + "Ġdynam": 6382, + "Ġcart": 6383, + "mosp": 6384, + "Since": 6385, + "iest": 6386, + "ĠBoy": 6387, + "Ġstorm": 6388, + "ĠContin": 6389, + "2013": 6390, + "hew": 6391, + "ilit": 6392, + "Ġessential": 6393, + "iquid": 6394, + "Other": 6395, + "ivered": 6396, + "Ġreasonable": 6397, + "Act": 6398, + "Ġsubsequ": 6399, + "ĠPack": 6400, + "ĠFort": 6401, + "Ġconsidering": 6402, + "Ġuniversity": 6403, + "log": 6404, + "Ġmarried": 6405, + "Ġillust": 6406, + "ĠTrue": 6407, + "£ı": 6408, + "Ġnumerous": 6409, + "rastructure": 6410, + "Ġseriously": 6411, + "Ġreferred": 6412, + "ua": 6413, + "Ġconsistent": 6414, + "onna": 6415, + "ĠReal": 6416, + "ruption": 6417, + "ciples": 6418, + "Ġfacts": 6419, + "91": 6420, + "otes": 6421, + "erg": 6422, + "Then": 6423, + "Ġaccompl": 6424, + "Note": 6425, + "Ġrevenue": 6426, + "Ġpassing": 6427, + "Ġmal": 6428, + "een": 6429, + "ĠYet": 6430, + "Ġgather": 6431, + "terday": 6432, + "ework": 6433, + "ĠAuthor": 6434, + "Pe": 6435, + "Ġoptim": 6436, + "Ġrub": 6437, + "Ġè£ı": 6438, + "Ġunknown": 6439, + "stone": 6440, + "Ġunion": 6441, + "olve": 6442, + "Ġopportunities": 6443, + "Ġbrowser": 6444, + "ĠWal": 6445, + "ĠCost": 6446, + "Ġreporting": 6447, + "sts": 6448, + "pet": 6449, + "Ġsand": 6450, + "Ġsuddenly": 6451, + "Ġsurprising": 6452, + "ĠVR": 6453, + "Ġsomewhat": 6454, + "ĠBas": 6455, + "ulture": 6456, + "izz": 6457, + "ĠCD": 6458, + "Ġchallenges": 6459, + "Ġsettings": 6460, + "Ġexperiences": 6461, + "ĠFull": 6462, + "Ġcann": 6463, + "Ġreceiving": 6464, + "EST": 6465, + "Ġjoint": 6466, + "Ġcultural": 6467, + "Ġast": 6468, + "82": 6469, + "astern": 6470, + "ceived": 6471, + "ĠCru": 6472, + "Ġbull": 6473, + "pired": 6474, + "amm": 6475, + "Ġfacing": 6476, + "power": 6477, + "Ġboss": 6478, + "ĠHol": 6479, + "Ġinstr": 6480, + "Ġincreasingly": 6481, + "Ġshift": 6482, + "Ġstreets": 6483, + "ĠWilliams": 6484, + "abb": 6485, + "Ġlie": 6486, + "Ġlaugh": 6487, + "ĠCa": 6488, + "PL": 6489, + "Ġadults": 6490, + "Ġcustomer": 6491, + "Ġobtained": 6492, + "Ġsupporting": 6493, + "html": 6494, + "fire": 6495, + "Ġdetailed": 6496, + "Ġpicked": 6497, + "ĠRight": 6498, + "lder": 6499, + "EE": 6500, + "stood": 6501, + "ĠKim": 6502, + "Ġwire": 6503, + "Ġsight": 6504, + "Ġdevelopers": 6505, + "Ġpersons": 6506, + "Ġsad": 6507, + "Ġcup": 6508, + "Ġwarning": 6509, + "Ġboys": 6510, + "long": 6511, + "Ġbird": 6512, + "fo": 6513, + "Ġwal": 6514, + "Ġobserved": 6515, + "Ġzone": 6516, + "iveness": 6517, + "Ġchannel": 6518, + "cript": 6519, + "Ġrefused": 6520, + "ĠAgain": 6521, + "Ġsuc": 6522, + "Ġspokesman": 6523, + "ĠRef": 6524, + "rite": 6525, + "ouston": 6526, + "ãĥ³": 6527, + "ĠSher": 6528, + "Ġacts": 6529, + "ĠName": 6530, + "Ġstruggle": 6531, + "arry": 6532, + "ometimes": 6533, + "Ġdiscrim": 6534, + "HT": 6535, + "Ġcategory": 6536, + "Ġrealize": 6537, + "Ġemployee": 6538, + "ĠAfghan": 6539, + "enger": 6540, + "Ġguns": 6541, + "ĠSteve": 6542, + "ĠMot": 6543, + "ĠOl": 6544, + "oked": 6545, + "Ġthick": 6546, + "Ġfairly": 6547, + "illy": 6548, + "Ġsurve": 6549, + "ĠMat": 6550, + "weight": 6551, + "âĶ": 6552, + "Ġtroops": 6553, + "Ġagents": 6554, + "Ġbattery": 6555, + "Ġmotiv": 6556, + "á": 6557, + "Sec": 6558, + "den": 6559, + "overy": 6560, + "LS": 6561, + "Ġflu": 6562, + "Ġconfident": 6563, + "ĠOper": 6564, + "Ġempty": 6565, + "Ġphen": 6566, + "Ġsector": 6567, + "Ġexcited": 6568, + "Ġremote": 6569, + "aph": 6570, + "oen": 6571, + "Ġdestroyed": 6572, + "Ġmoral": 6573, + "ĠHP": 6574, + "ĠRon": 6575, + "Ġdress": 6576, + "ĠBat": 6577, + "Ġlit": 6578, + "ĠMS": 6579, + "Ġaf": 6580, + "HL": 6581, + "rum": 6582, + "isms": 6583, + "Ġshouldn": 6584, + "Ġsympt": 6585, + "ĠToronto": 6586, + "hetic": 6587, + "Ġcarbon": 6588, + "Ġinstalled": 6589, + "Ġviolent": 6590, + "Ġsolar": 6591, + "ja": 6592, + "Ġpractices": 6593, + "Ġride": 6594, + "ĠPenn": 6595, + "Ġimproved": 6596, + "Ġaudio": 6597, + "Ġbehavi": 6598, + "ĠPS": 6599, + "Ġeating": 6600, + "Data": 6601, + "ĠReview": 6602, + "pass": 6603, + "claim": 6604, + "uated": 6605, + "angers": 6606, + "chen": 6607, + "Ġproperties": 6608, + "Ġanywhere": 6609, + "Another": 6610, + "Ġblow": 6611, + "ĠJackson": 6612, + "Ġproud": 6613, + "Ġplane": 6614, + "lines": 6615, + "Ġsquare": 6616, + "Ġproof": 6617, + "ansas": 6618, + "Ġtalked": 6619, + "makers": 6620, + "Ġsister": 6621, + "Ġholds": 6622, + "Ġresident": 6623, + "Ġ==": 6624, + "Ġresistance": 6625, + "Ġsplit": 6626, + "Ġprosecut": 6627, + "Ġconfidence": 6628, + "resents": 6629, + "Ġcuts": 6630, + "Ġexception": 6631, + "Ġzero": 6632, + "Getty": 6633, + "Ġcopyright": 6634, + "Ġtotally": 6635, + "ormal": 6636, + "ifications": 6637, + "ĠAustralian": 6638, + "Ġsick": 6639, + "Ġ150": 6640, + "Ġhousehold": 6641, + "Ġfees": 6642, + "Ġdrivers": 6643, + "ogen": 6644, + "ĠNY": 6645, + "Ġnecessarily": 6646, + "Ġregulations": 6647, + "earing": 6648, + "sl": 6649, + "Ġperspective": 6650, + "care": 6651, + "icial": 6652, + "His": 6653, + "Ġescape": 6654, + "Ġsurprised": 6655, + "ĠVan": 6656, + "urrent": 6657, + "Ġvac": 6658, + "81": 6659, + "ĠThus": 6660, + "Ġemphas": 6661, + "ĠChampions": 6662, + "ĠIce": 6663, + "Ġnarr": 6664, + "Ġheads": 6665, + "Ġcausing": 6666, + "bel": 6667, + "fortunately": 6668, + "ĠMa": 6669, + "Ġtargets": 6670, + "cipl": 6671, + "Ġafternoon": 6672, + "Ġadds": 6673, + "ĠMaybe": 6674, + "ĠFour": 6675, + "essed": 6676, + "plete": 6677, + "Ġusual": 6678, + "cho": 6679, + "ingu": 6680, + "Ġwithd": 6681, + "ĠEnergy": 6682, + "ĠEconom": 6683, + "OO": 6684, + "Ġarticles": 6685, + "Ġinjured": 6686, + "Ġmanage": 6687, + "Ġexplains": 6688, + "Ġdiagn": 6689, + "Rec": 6690, + "atures": 6691, + "Ġlinked": 6692, + "Ġdiscussed": 6693, + "Ġexplo": 6694, + "Ġoccasion": 6695, + "athan": 6696, + "Ġopposite": 6697, + "Ġfaces": 6698, + "Ġdenied": 6699, + "ĠKnight": 6700, + "Ġnut": 6701, + "Ġapproximately": 6702, + "Ġdisappoint": 6703, + "onymous": 6704, + "ĠBest": 6705, + "ĠLo": 6706, + "ĠHy": 6707, + "ĠAff": 6708, + "Ġvoting": 6709, + "anwhile": 6710, + "ĠIII": 6711, + "Ġinstitutions": 6712, + "agram": 6713, + "ĠDaily": 6714, + "Ġdrag": 6715, + "Ġnearby": 6716, + "Ġguilty": 6717, + "Ġconver": 6718, + "Pre": 6719, + "ship": 6720, + "Ġreward": 6721, + "Ġphilosoph": 6722, + "ĠSS": 6723, + "ugh": 6724, + "Ġapps": 6725, + "friend": 6726, + "Ġupper": 6727, + "Ġadvert": 6728, + "Ġsnow": 6729, + "Ġfrust": 6730, + "Ġourselves": 6731, + "Fr": 6732, + "ĠDie": 6733, + "ampion": 6734, + "Ġdismiss": 6735, + "Ġcere": 6736, + "Ġsignal": 6737, + "from": 6738, + "Ġ).": 6739, + "Ġ52": 6740, + "Ġcrimes": 6741, + "itors": 6742, + "estival": 6743, + "useum": 6744, + "Ġcouncil": 6745, + "ĠSaud": 6746, + "May": 6747, + "ĠGun": 6748, + "ician": 6749, + "ether": 6750, + "Ġsufficient": 6751, + "ĠHen": 6752, + "sole": 6753, + "Ġhistorical": 6754, + "ĠFar": 6755, + "ĠTurn": 6756, + "Ġpin": 6757, + "Ġsucceed": 6758, + "mat": 6759, + "lymp": 6760, + "Ġtradition": 6761, + "ĠOk": 6762, + "Ġcro": 6763, + "Ġdescription": 6764, + "alle": 6765, + "Ġsky": 6766, + "Te": 6767, + "Ġwidely": 6768, + "Ġwave": 6769, + "Ġdefinition": 6770, + "ĠJews": 6771, + "Ġcycle": 6772, + "Ġrefere": 6773, + "Ġbrings": 6774, + "usal": 6775, + "Ġalive": 6776, + "Ġfrequently": 6777, + "Ġintention": 6778, + "ĠControl": 6779, + "lv": 6780, + "ystem": 6781, + "Ġprivacy": 6782, + "gent": 6783, + "rence": 6784, + "ĠQuest": 6785, + "ĠChristmas": 6786, + "Ġrail": 6787, + "Ġcooper": 6788, + "Ġtested": 6789, + "ĠCapt": 6790, + "asks": 6791, + "Ġcomfortable": 6792, + "Ġdelivered": 6793, + "scape": 6794, + "Ġdepth": 6795, + "ĠGOP": 6796, + "Ġwrites": 6797, + "Ġassets": 6798, + "Ġsav": 6799, + "iments": 6800, + "Ġtransition": 6801, + "Ġartist": 6802, + "ĠLook": 6803, + "Ġlob": 6804, + "Ġcomponents": 6805, + "arity": 6806, + "Ġwalked": 6807, + "Ġroot": 6808, + "Ġparticipants": 6809, + "Ġnoticed": 6810, + "Ġresc": 6811, + "Ġnav": 6812, + "ĠAdminist": 6813, + "da": 6814, + "utral": 6815, + "plate": 6816, + "Ġimportance": 6817, + "Ġassert": 6818, + "iously": 6819, + "cription": 6820, + "Ġinjuries": 6821, + "ĠCheck": 6822, + "Ġregistered": 6823, + "Ġintent": 6824, + "Ġmissed": 6825, + "ographic": 6826, + "Ġsentence": 6827, + "ounter": 6828, + "Ġassistance": 6829, + "evin": 6830, + "Ġdatabase": 6831, + "Ġbuildings": 6832, + "Ġclassic": 6833, + "Ġthinks": 6834, + "ĠOhio": 6835, + "Pr": 6836, + "ugg": 6837, + "Ġfee": 6838, + "pan": 6839, + "Ġeffectively": 6840, + "Ġfacility": 6841, + "Ġbear": 6842, + "Ġchapter": 6843, + "Ġdogs": 6844, + "ĠColumb": 6845, + "Ġlatter": 6846, + "itial": 6847, + "Ġadmitted": 6848, + "TV": 6849, + "ĠGeorg": 6850, + "Ġposts": 6851, + "\\\\": 6852, + "Ġlawyer": 6853, + "Ġequival": 6854, + "Ġmand": 6855, + "Ġcontrolled": 6856, + "ĠWalk": 6857, + "ĠAndrew": 6858, + "Ġmenu": 6859, + "amental": 6860, + "Ġprotected": 6861, + "va": 6862, + "Ġadministr": 6863, + "oral": 6864, + "Ġrein": 6865, + "ĠSar": 6866, + "Ġamounts": 6867, + "Ġnative": 6868, + "ĠMoon": 6869, + "Ġrepresents": 6870, + "Ġabandon": 6871, + "Ġcarrying": 6872, + "Ġtank": 6873, + "mary": 6874, + "Ġdeclared": 6875, + "Tube": 6876, + "Ġhat": 6877, + "Ġpunish": 6878, + "ellect": 6879, + "mes": 6880, + "Ġuniverse": 6881, + "ĠRod": 6882, + "phy": 6883, + "Ġinfrastructure": 6884, + "Ġ51": 6885, + "Ġopposed": 6886, + "ownt": 6887, + "ca": 6888, + "ĠMake": 6889, + "Ġhardware": 6890, + "Ġcoffee": 6891, + "Rel": 6892, + "bal": 6893, + "world": 6894, + "ĠSaf": 6895, + "ĠSea": 6896, + "inals": 6897, + "Ġowned": 6898, + "Ġhall": 6899, + "ersion": 6900, + "Ġdescribe": 6901, + "ĠPot": 6902, + "Ġportion": 6903, + "Ġatmosp": 6904, + "Ġgovernments": 6905, + "Ġdepending": 6906, + "Ġoffense": 6907, + "Ġtrick": 6908, + "awa": 6909, + "ĠLine": 6910, + "ĠVis": 6911, + "ĠHard": 6912, + "ĠOrig": 6913, + "ĠClick": 6914, + "Ġdesk": 6915, + "ĠValley": 6916, + "ĠSov": 6917, + "Ġmovies": 6918, + "Ġremark": 6919, + "Ġmail": 6920, + "Ġconscious": 6921, + "Ġruling": 6922, + "ĠRights": 6923, + "Ġmedic": 6924, + "hent": 6925, + "ĠWomen": 6926, + "><": 6927, + "Ġreplaced": 6928, + "ĠPrem": 6929, + "ĠThanks": 6930, + "Ġrenew": 6931, + "ĠBall": 6932, + "iform": 6933, + "Ġshots": 6934, + "Comm": 6935, + "Ġarmed": 6936, + "Ġconstant": 6937, + "Ġtaste": 6938, + "Ġrealized": 6939, + "Ġbuff": 6940, + "Ġmo": 6941, + "Ġefficient": 6942, + "Most": 6943, + "oration": 6944, + "ifies": 6945, + "Ġcommunication": 6946, + "Ġflood": 6947, + "Ġconsequences": 6948, + "Ġanyway": 6949, + "igg": 6950, + "ĠGM": 6951, + "ĠThank": 6952, + "Ġiron": 6953, + "Ġevolution": 6954, + "ĠCop": 6955, + "twitter": 6956, + "Ġ95": 6957, + "Ġrelationships": 6958, + "adel": 6959, + "ĠYoung": 6960, + "Ġproposal": 6961, + "ayers": 6962, + "uilding": 6963, + "ĠHot": 6964, + "ORE": 6965, + "cos": 6966, + "Ġcollabor": 6967, + "PG": 6968, + "axy": 6969, + "Ġknowing": 6970, + "Ġsupports": 6971, + "owed": 6972, + "Ġcontrols": 6973, + "Ġmerely": 6974, + "umer": 6975, + "Ġathlet": 6976, + "Ġfashion": 6977, + "path": 6978, + "Ġgift": 6979, + "Ġera": 6980, + "AND": 6981, + "Ġkinds": 6982, + "ĠKorean": 6983, + "Ġlegit": 6984, + "ulous": 6985, + "Ġessentially": 6986, + "Ġtherap": 6987, + "nic": 6988, + "Ġsuffered": 6989, + "Ġhur": 6990, + "Ġpromise": 6991, + "Ġexcess": 6992, + "Ġoverw": 6993, + "Ġprime": 6994, + "ĠHouston": 6995, + "erry": 6996, + "ĠMs": 6997, + "RS": 6998, + "2012": 6999, + "Ġstores": 7000, + "ĠOlymp": 7001, + "Ġjourney": 7002, + "Although": 7003, + "Sub": 7004, + "ĠEduc": 7005, + "ĠChapter": 7006, + "Ġrequests": 7007, + "Ġconsumers": 7008, + "Ġtiny": 7009, + "Ġisol": 7010, + "ĠFair": 7011, + "ba": 7012, + "ĠYOU": 7013, + "Ġcrash": 7014, + "celer": 7015, + "Ġemotional": 7016, + "Ġgoods": 7017, + "Ġelected": 7018, + "Ġmoder": 7019, + "ĠLinux": 7020, + "Ġblocks": 7021, + "Ġisland": 7022, + "ĠSociety": 7023, + "Ġelections": 7024, + "Ġbroadcast": 7025, + "Ġcheap": 7026, + "Ġnations": 7027, + "Ġseasons": 7028, + "400": 7029, + "Ġwaste": 7030, + "ĠSat": 7031, + "Ġfields": 7032, + "employ": 7033, + "Ġprofile": 7034, + "Ġauthors": 7035, + "ALL": 7036, + "ĠGra": 7037, + "west": 7038, + "ĠTy": 7039, + "Ġdeaths": 7040, + "Ġvacc": 7041, + "Ġformed": 7042, + "Ġdu": 7043, + "Ġongoing": 7044, + "ĠMuslims": 7045, + "elf": 7046, + "igure": 7047, + "Ġassume": 7048, + "ĠUkraine": 7049, + "water": 7050, + "Ġcoast": 7051, + "Ġvoted": 7052, + "gor": 7053, + "ĠAS": 7054, + "ĠMichigan": 7055, + "aza": 7056, + "ĠArm": 7057, + "iro": 7058, + "Ġflex": 7059, + "asters": 7060, + "''": 7061, + "Ġwelcome": 7062, + "arl": 7063, + "Ġlocations": 7064, + "igation": 7065, + "ĠFil": 7066, + "Ġbuying": 7067, + "Ġarchitect": 7068, + "Ġharder": 7069, + "ĠCub": 7070, + "Ġinterface": 7071, + "Ġrestaurant": 7072, + "Ġdiscover": 7073, + "Ġexceed": 7074, + "Ġfavour": 7075, + "gery": 7076, + "Ġduty": 7077, + "Ġpitch": 7078, + "ador": 7079, + "ĠMach": 7080, + "boy": 7081, + "Ġresponded": 7082, + "Ġextended": 7083, + "hers": 7084, + "Many": 7085, + "raid": 7086, + "ifer": 7087, + "ĠIns": 7088, + "Ser": 7089, + "Ġmedium": 7090, + "she": 7091, + "ĠSports": 7092, + "Ġmagazine": 7093, + "utation": 7094, + "Ġlimits": 7095, + "ĠGall": 7096, + "Ġexternal": 7097, + "razil": 7098, + "Ġyounger": 7099, + "tle": 7100, + "Ġremind": 7101, + "ĠCON": 7102, + "Ġimmediate": 7103, + "Ġhidden": 7104, + "Ġvolunte": 7105, + "Ġsimpl": 7106, + "odcast": 7107, + "Ġphase": 7108, + "dr": 7109, + "Ġplot": 7110, + "Ġexposure": 7111, + "RI": 7112, + "ograp": 7113, + "vin": 7114, + "anish": 7115, + "ĠAcad": 7116, + "ĠEngine": 7117, + "Ġexpansion": 7118, + "ĠPay": 7119, + "Your": 7120, + "Ġpushed": 7121, + "ĠEll": 7122, + "ĠHead": 7123, + "Ġmarketing": 7124, + "ĠAC": 7125, + "ket": 7126, + "Ġhits": 7127, + "Ġgro": 7128, + "ĠAge": 7129, + "ĠScot": 7130, + "][": 7131, + "Ġstim": 7132, + "ĠiPhone": 7133, + "ĪĴ": 7134, + "Ġnarrow": 7135, + "ĠGetty": 7136, + "ĠTurkey": 7137, + "Ġperfectly": 7138, + "Ġenable": 7139, + "utch": 7140, + "Ġprecise": 7141, + "Ġregime": 7142, + "Ġshif": 7143, + "Ġcompens": 7144, + "gun": 7145, + "div": 7146, + "Ġchosen": 7147, + "ĠKen": 7148, + "Any": 7149, + "Ġtrees": 7150, + "Ġrecommended": 7151, + "ĠRen": 7152, + "uable": 7153, + "ĠHT": 7154, + "Follow": 7155, + "EG": 7156, + "ĠHand": 7157, + "ĠKenn": 7158, + "Ġarguments": 7159, + "Ġexists": 7160, + "Ġbike": 7161, + "ĠConserv": 7162, + "Ġbreaking": 7163, + "ĠGar": 7164, + "Ġcrazy": 7165, + "Ġvirtual": 7166, + "aylor": 7167, + "ixel": 7168, + "Ġ1980": 7169, + "Ġpermission": 7170, + "ĠSeries": 7171, + "Ġconsumer": 7172, + "Ġclosely": 7173, + "called": 7174, + "Ġ54": 7175, + "Ġhopes": 7176, + "Ġarray": 7177, + "ĠWin": 7178, + "ĠLabour": 7179, + "Ġspons": 7180, + "ĠIre": 7181, + "Ġpow": 7182, + "Ġreaders": 7183, + "Ġemployment": 7184, + "Ġcreature": 7185, + "Ġresulting": 7186, + "Ġaccurate": 7187, + "Ġmoments": 7188, + "Ġargued": 7189, + "Ġped": 7190, + "During": 7191, + "Ġ53": 7192, + "ĠTal": 7193, + "Ġsought": 7194, + "Ġsuffering": 7195, + "Ġicon": 7196, + "lee": 7197, + "Ġ($": 7198, + "alian": 7199, + "°": 7200, + "Ġpra": 7201, + "Ġbonus": 7202, + "(\"": 7203, + "ko": 7204, + "Ġacting": 7205, + "DE": 7206, + "fall": 7207, + "Ġcomparison": 7208, + "Ġsmooth": 7209, + "ĠNAS": 7210, + "upp": 7211, + "ĠJoseph": 7212, + "eping": 7213, + "ĠTake": 7214, + "ĠMid": 7215, + "Ġsending": 7216, + "fast": 7217, + "ĠFall": 7218, + "Ġdealing": 7219, + "user": 7220, + "ĠOrgan": 7221, + "Co": 7222, + "Ġattached": 7223, + "Ġsees": 7224, + "%.": 7225, + "Ġtypical": 7226, + "ART": 7227, + "Ġfinds": 7228, + "ĠAsia": 7229, + "umin": 7230, + "ĠCore": 7231, + "ĠEnt": 7232, + "inent": 7233, + "uce": 7234, + "ĠBlood": 7235, + "ĠNever": 7236, + "Ġemails": 7237, + "Ġhighlight": 7238, + "Ġconfront": 7239, + "atus": 7240, + "uted": 7241, + "Ġunus": 7242, + "Ġtopic": 7243, + "ĠAdam": 7244, + "Ġble": 7245, + "ati": 7246, + "Ġunderstood": 7247, + "Set": 7248, + "struct": 7249, + "TP": 7250, + "Ġmob": 7251, + "aa": 7252, + "ĠStart": 7253, + "pected": 7254, + "sell": 7255, + "Ġdedicated": 7256, + "ĠCA": 7257, + "uan": 7258, + "Ġsongs": 7259, + "escription": 7260, + "Ġtech": 7261, + "Ġrape": 7262, + "Ġaside": 7263, + "Ġgrant": 7264, + "Ġ56": 7265, + "sub": 7266, + "Ġargue": 7267, + "Ġcontaining": 7268, + "Ġschedule": 7269, + "Ġliberal": 7270, + "Ġpublicly": 7271, + "Ġheavily": 7272, + "ĠUt": 7273, + "iner": 7274, + "ĠSection": 7275, + "ĠCare": 7276, + "weet": 7277, + "ls": 7278, + "Dis": 7279, + "âĶĢ": 7280, + "ĠFollow": 7281, + "Back": 7282, + "ĠIT": 7283, + "Ġbes": 7284, + "ji": 7285, + "ĠHit": 7286, + "ested": 7287, + "Ġeverybody": 7288, + "ĠSwed": 7289, + "Ġfemin": 7290, + "Ġfacilities": 7291, + "Ġconven": 7292, + "Comp": 7293, + "ĠOS": 7294, + "core": 7295, + "Ġanx": 7296, + "Ġdivision": 7297, + "ĠCam": 7298, + "ĠStan": 7299, + "mates": 7300, + "Ġexplore": 7301, + "plom": 7302, + "Ġshares": 7303, + "pload": 7304, + "anes": 7305, + "Ġideal": 7306, + "eters": 7307, + "ĠBase": 7308, + "Ġplastic": 7309, + "Ġdistinct": 7310, + "ĠNetwork": 7311, + "ĠSeattle": 7312, + "Ġtrading": 7313, + "ensus": 7314, + "intend": 7315, + "Ġexhib": 7316, + "Ġinitially": 7317, + "ĠFood": 7318, + "Ġthousand": 7319, + "ĠBusiness": 7320, + "acter": 7321, + "Ġparagraph": 7322, + "Ġroughly": 7323, + "Ġwww": 7324, + "Ġcreative": 7325, + "ĠConf": 7326, + "Ġconsumption": 7327, + "Ġfilms": 7328, + "agan": 7329, + "Ġobtain": 7330, + "Ġtall": 7331, + "Ġtor": 7332, + "Ġacknowled": 7333, + "Ġgrown": 7334, + "alo": 7335, + "KE": 7336, + "Ġ400": 7337, + "enders": 7338, + "taining": 7339, + "UG": 7340, + "Ġsuicide": 7341, + "Ġwatched": 7342, + "ĠList": 7343, + "ali": 7344, + "rehens": 7345, + "Ġsurrounding": 7346, + "Ġpip": 7347, + "Ġflying": 7348, + "ĠJava": 7349, + "ordan": 7350, + "Ġserving": 7351, + "inations": 7352, + "post": 7353, + "Ġsho": 7354, + "Av": 7355, + "Ġjail": 7356, + "zy": 7357, + "Ġ1999": 7358, + "Ġ>": 9609, + "orous": 9610, + "Ġfirms": 9611, + "screen": 9612, + "una": 9613, + "Ġembarrass": 9614, + "ulse": 9615, + "Ġletting": 9616, + "Ġthrew": 9617, + "iley": 9618, + "Ġchannels": 9619, + "lan": 9620, + "ĠVegas": 9621, + "Ġsear": 9622, + "Ġfantastic": 9623, + "arre": 9624, + "uzzle": 9625, + "ĠDer": 9626, + "Those": 9627, + "Ġswing": 9628, + "Ġsheet": 9629, + "index": 9630, + "cover": 9631, + "ogan": 9632, + "Ġvariables": 9633, + "ĠTech": 9634, + "Ġspoken": 9635, + "achel": 9636, + "ĠDa": 9637, + "ĠMountain": 9638, + "Ġloaded": 9639, + "Ġfootage": 9640, + "version": 9641, + "Ġunl": 9642, + "ĠPhoenix": 9643, + "Ġthrowing": 9644, + "Ġfiring": 9645, + "Ġtracking": 9646, + "Ġwidth": 9647, + "Ġstruggling": 9648, + "rooms": 9649, + "otion": 9650, + "Ġmonthly": 9651, + "ĠServer": 9652, + "Ġeggs": 9653, + "open": 9654, + "MC": 9655, + "Ġ1993": 9656, + "Ġhired": 9657, + "Ġstayed": 9658, + "ĠAllen": 9659, + "Ġstro": 9660, + "Ġ98": 9661, + "step": 9662, + "ĠTurkish": 9663, + "Ġfabric": 9664, + "isting": 9665, + "ĠDom": 9666, + "Ġdates": 9667, + "Ġpron": 9668, + "Ġbasketball": 9669, + "Ġlucky": 9670, + "ĠArabia": 9671, + "Ġassumed": 9672, + "esty": 9673, + "Ġaffairs": 9674, + "Ġglad": 9675, + "ĠIndeed": 9676, + "ĠFA": 9677, + "ĠWord": 9678, + "Ġjoining": 9679, + "ifice": 9680, + "pread": 9681, + "irts": 9682, + "ĠSelect": 9683, + "Ġpopulations": 9684, + "aware": 9685, + "Ġnose": 9686, + "Ġcomplaints": 9687, + "start": 9688, + "Ġscoring": 9689, + "Thanks": 9690, + "Ġmining": 9691, + "Ġvisitors": 9692, + "SH": 9693, + "Ġdamaged": 9694, + "Ġcharacteristics": 9695, + "ĠPent": 9696, + "DC": 9697, + "Ġ83": 9698, + "ĠSix": 9699, + "rates": 9700, + "Ġflags": 9701, + "ĠBrew": 9702, + "dog": 9703, + "Mark": 9704, + "////": 9705, + "Ġexecution": 9706, + "Ġjoke": 9707, + "phones": 9708, + "Ġtestimony": 9709, + "Ġobst": 9710, + "QL": 9711, + "ĠCut": 9712, + "Ġstudied": 9713, + "ĠNintendo": 9714, + "icket": 9715, + "ĠNBC": 9716, + "Ġlad": 9717, + "ĠBra": 9718, + "ĠMoh": 9719, + "Ġkernel": 9720, + "Ġoverwhelming": 9721, + "Ġaged": 9722, + "Ġapplicable": 9723, + "ĠCond": 9724, + "Ġroads": 9725, + "ĠBlock": 9726, + "made": 9727, + "odge": 9728, + "Ġcommands": 9729, + "Ġoffices": 9730, + "veland": 9731, + "Ġtut": 9732, + "Ġreceiver": 9733, + "ĠFro": 9734, + "Ġshopping": 9735, + "ĠiP": 9736, + "ĠStre": 9737, + "ĠABC": 9738, + "Ġentertainment": 9739, + "ĠBow": 9740, + "orted": 9741, + "Mc": 9742, + "Ġreads": 9743, + "grad": 9744, + "ĠCollect": 9745, + "ĠâĪĴ": 9746, + "ĠCapital": 9747, + "ederation": 9748, + "Ġemployer": 9749, + "Ġinvolvement": 9750, + "Ġanxiety": 9751, + "alia": 9752, + "Ġroof": 9753, + "ĠAmong": 9754, + "ĠDemocrat": 9755, + "Ġstats": 9756, + "ĠVill": 9757, + "Ġconstitutional": 9758, + "Ġreferring": 9759, + "itty": 9760, + "Ġtackle": 9761, + "outube": 9762, + "Ġbacked": 9763, + "ĠHong": 9764, + "ĠBroad": 9765, + "Ġele": 9766, + "ĠOtt": 9767, + "Ġ1992": 9768, + "hour": 9769, + "achusetts": 9770, + "Cal": 9771, + "Ġdefeated": 9772, + "Ġ81": 9773, + "esp": 9774, + "Ġseemingly": 9775, + "was": 9776, + "ĠJenn": 9777, + "ĠKurd": 9778, + "Ġgene": 9779, + "Ġdiscount": 9780, + "Ret": 9781, + "ECT": 9782, + "();": 9783, + "Ġclubs": 9784, + "Ġsid": 9785, + "ĠMarsh": 9786, + "Check": 9787, + "Ġpp": 9788, + "ĠEag": 9789, + "idespread": 9790, + "Ġbeings": 9791, + "FT": 9792, + "Ġintroduction": 9793, + "ĠChange": 9794, + "ARD": 9795, + "Ġ110": 9796, + "adows": 9797, + "ierce": 9798, + "Ġmeal": 9799, + "author": 9800, + "ĠBang": 9801, + "lahoma": 9802, + "Ġranks": 9803, + "2011": 9804, + "????": 9805, + "max": 9806, + "Ġcollapse": 9807, + "Ġopens": 9808, + "Ġecho": 9809, + "Ġsoph": 9810, + "Ġracist": 9811, + "Ġenormous": 9812, + "Ġwaves": 9813, + "Ġtap": 9814, + "Ġcomprehensive": 9815, + ".--": 9816, + "ĠRoy": 9817, + "Ġfarmers": 9818, + "Related": 9819, + "aired": 9820, + "rones": 9821, + "ĠCrim": 9822, + "Ġproportion": 9823, + "Ġdesigns": 9824, + "Ġnegotiations": 9825, + "Ġvirtually": 9826, + "ĠBatman": 9827, + "Ġwarn": 9828, + "Ġlegitimate": 9829, + "mate": 9830, + "Ġconvention": 9831, + ",,": 9832, + "netic": 9833, + "ĠSD": 9834, + "Ġconsistently": 9835, + "Ġcompensation": 9836, + "Ġpunishment": 9837, + "Ġye": 9838, + "Ġtie": 9839, + "ĠBureau": 9840, + "irlf": 9841, + "ĠBu": 9842, + "ĠAren": 9843, + "ĠPhilipp": 9844, + "Ġknife": 9845, + "Ġmemories": 9846, + "ĠRoss": 9847, + "Ġangle": 9848, + "Ġ86": 9849, + "ĠThunder": 9850, + "Ġrend": 9851, + "ĠTour": 9852, + "Ġcounts": 9853, + "sung": 9854, + "ĠImp": 9855, + "Ġeducational": 9856, + "Ġaccessible": 9857, + "COM": 9858, + "Ġdrew": 9859, + "yer": 9860, + "Gl": 9861, + "amine": 9862, + "ORT": 9863, + "OB": 9864, + "IB": 9865, + "master": 9866, + "Ġtrials": 9867, + "ogy": 9868, + "har": 9869, + "ĠTrust": 9870, + "Ġpreferred": 9871, + "irlfriend": 9872, + "ĠNev": 9873, + "Ġbin": 9874, + "Ġcow": 9875, + "Page": 9876, + "Ġsignature": 9877, + "ĠBL": 9878, + "700": 9879, + "Ġretired": 9880, + "Ġbytes": 9881, + "Ġneighb": 9882, + "ĠLegend": 9883, + "Ġdevast": 9884, + "Ġsuspected": 9885, + "isons": 9886, + "ĠPokémon": 9887, + "scale": 9888, + "Ġcapabilities": 9889, + "Ġrevel": 9890, + "Ġcheese": 9891, + "dy": 9892, + "igrant": 9893, + "Ġfailing": 9894, + "bits": 9895, + "ĠHeroes": 9896, + "ĠGhost": 9897, + "ĠScient": 9898, + "Ġappointed": 9899, + "uri": 9900, + "Ġinstitution": 9901, + "Ġexpanded": 9902, + "greg": 9903, + "Ġmonitoring": 9904, + "Ġpodcast": 9905, + "Ġcoalition": 9906, + "Ġ96": 9907, + "Jo": 9908, + "Ġstolen": 9909, + "ĠSab": 9910, + "Ġstops": 9911, + "Ġholiday": 9912, + "Ġintr": 9913, + "Car": 9914, + "Black": 9915, + "ĠLGBT": 9916, + "Ġwarming": 9917, + "ĠAnderson": 9918, + "Ġ89": 9919, + "Ġproducer": 9920, + "Med": 9921, + "Ġaccuracy": 9922, + "ĠMarvel": 9923, + "izabeth": 9924, + "ĠPatrick": 9925, + "mony": 9926, + "Ġmini": 9927, + "acles": 9928, + "Ġovert": 9929, + "they": 9930, + "Ġmembership": 9931, + "ĠVen": 9932, + "Ġexch": 9933, + "Ġremoval": 9934, + "ĠDave": 9935, + "TY": 9936, + "mad": 9937, + "ĠFind": 9938, + "Ġadequ": 9939, + "Ġec": 9940, + "Ġteeth": 9941, + "Ġemotion": 9942, + "Ġperm": 9943, + "Ġsolely": 9944, + "db": 9945, + "Ġextraord": 9946, + "IGHT": 9947, + "cal": 9948, + "Ġguidelines": 9949, + "Ġdying": 9950, + "Ġsuspended": 9951, + "ĠPremier": 9952, + "ĠAnthony": 9953, + "elve": 9954, + "Ġdad": 9955, + "ĠEth": 9956, + "ĠFootball": 9957, + "Ġabandoned": 9958, + "Ġ<<": 9959, + "Ġmarch": 9960, + "Ġhorror": 9961, + "â̦\"": 9962, + "Ġchildhood": 9963, + "Ġcampaigns": 9964, + "Ġlunch": 9965, + "ĠAlbert": 9966, + "block": 9967, + "âĸĪâĸĪ": 9968, + "ounding": 9969, + "Ġbone": 9970, + "organ": 9971, + "aders": 9972, + "ĠFlash": 9973, + "ĠDrive": 9974, + "Ġtonight": 9975, + "Ġwars": 9976, + "ĠFL": 9977, + "Ġformation": 9978, + "const": 9979, + "News": 9980, + "Ġcompe": 9981, + "orious": 9982, + "ĠStaff": 9983, + "Ġdiscussions": 9984, + "ĠProtection": 9985, + "ĠJam": 9986, + "Ġcriteria": 9987, + "Ġinstallation": 9988, + "Ġaccomplish": 9989, + "izza": 9990, + "Ġpublisher": 9991, + "Ġrescue": 9992, + "ĠTry": 9993, + "ULL": 9994, + "ĠSom": 9995, + "ĠHop": 9996, + "oret": 9997, + "ths": 9998, + "ordon": 9999, + "Ġpocket": 10000, + "ĠInv": 10001, + "Download": 10002, + "ĠCrime": 10003, + "Ġbene": 10004, + "ĠGuide": 10005, + "ĠAssembly": 10006, + "Ġparameters": 10007, + "IE": 10008, + "ĠAlexander": 10009, + "Ġconcert": 10010, + "ĠSche": 10011, + "Ġshoes": 10012, + "Ġvisiting": 10013, + "Ġrecall": 10014, + "Ġbub": 10015, + "Ġrural": 10016, + "Ġconcrete": 10017, + "ĠRos": 10018, + "Next": 10019, + "Russ": 10020, + "Ġloans": 10021, + "ĠShield": 10022, + "Ġtrem": 10023, + "hemat": 10024, + "kg": 10025, + "ĠHarris": 10026, + "isition": 10027, + "ĠMove": 10028, + "ĠFC": 10029, + "Ġfate": 10030, + "ĠCho": 10031, + "Ġtired": 10032, + "Ġprincipal": 10033, + "hist": 10034, + "iences": 10035, + "athy": 10036, + "Ġsevent": 10037, + "Ġmood": 10038, + "Ġstrategic": 10039, + "Ġdiseases": 10040, + "Ġforum": 10041, + "Ġtempor": 10042, + "Ġheadquarters": 10043, + "Par": 10044, + "ige": 10045, + "flix": 10046, + "Ġguitar": 10047, + "Ġ94": 10048, + "Only": 10049, + "Ġreleases": 10050, + "roph": 10051, + "================================": 10052, + "Ġ600": 10053, + "ĠContinue": 10054, + "igate": 10055, + "ĠCrit": 10056, + "system": 10057, + "Ġdisabled": 10058, + "Ġunexpected": 10059, + "ithub": 10060, + "Ġunclear": 10061, + "ĠEst": 10062, + "Ġcontrad": 10063, + "Ġstrategies": 10064, + "ventures": 10065, + "Ġpassage": 10066, + "AME": 10067, + "Ġimproving": 10068, + "Ġreveals": 10069, + "Ġdecrease": 10070, + "ova": 10071, + "Ġannoy": 10072, + "ĠShort": 10073, + "ĠLibrary": 10074, + "Ġcyber": 10075, + "nell": 10076, + "ĠHur": 10077, + "ĠCB": 10078, + "Ġphotograp": 10079, + "UI": 10080, + "Ġsed": 10081, + "Ge": 10082, + "Ġ87": 10083, + "Ġdiverse": 10084, + "Ġencouraged": 10085, + "Ġconspiracy": 10086, + "Ġbirds": 10087, + "Ġoperator": 10088, + "Ġhandful": 10089, + "Ġclassified": 10090, + "?)": 10091, + "Ġdramatic": 10092, + "Ġinvestigators": 10093, + "ito": 10094, + "Ġwidespread": 10095, + "ĠRoom": 10096, + "----------------------------------------------------------------": 10097, + "Ġcollective": 10098, + "Ġjournalist": 10099, + "String": 10100, + "Ġtemperatures": 10101, + "ila": 10102, + "Ġguid": 10103, + "Ġinspect": 10104, + "Ġmissile": 10105, + "ĠMayor": 10106, + "Ġmanual": 10107, + "Ġsimultane": 10108, + "Ġratings": 10109, + "Ġsuck": 10110, + "Ġ97": 10111, + "Ġuniversal": 10112, + "Ġpharm": 10113, + "Ġdisrupt": 10114, + "iano": 10115, + "AV": 10116, + "Ġft": 10117, + "Ġstatist": 10118, + "olds": 10119, + "ĠWalker": 10120, + "php": 10121, + "Ġundert": 10122, + "ĠLas": 10123, + "ishop": 10124, + "ntil": 10125, + "reshold": 10126, + "ĠWhether": 10127, + "Ms": 10128, + "Ġdeny": 10129, + "ĠCloud": 10130, + "Ġprovider": 10131, + "Ġsurviv": 10132, + "ĠUpdate": 10133, + "has": 10134, + "Ġmistakes": 10135, + "charge": 10136, + "pled": 10137, + "rity": 10138, + "Ġnode": 10139, + "ĠMassachusetts": 10140, + "ools": 10141, + "lication": 10142, + "Ġfails": 10143, + "emale": 10144, + "ori": 10145, + "backs": 10146, + "Ġshirt": 10147, + "Ġ''": 10148, + "ĠNAT": 10149, + "Ġwaters": 10150, + "elson": 10151, + "Ġease": 10152, + "Ġscar": 10153, + "Ġcontents": 10154, + "mind": 10155, + "Ġcontribution": 10156, + "Ġshr": 10157, + "Ġhanded": 10158, + "Ġstability": 10159, + "Ġtrave": 10160, + "Em": 10161, + "Ġmirror": 10162, + "123": 10163, + "Ġweigh": 10164, + "Ġfiction": 10165, + "ouver": 10166, + "istant": 10167, + "rition": 10168, + "ĠFed": 10169, + "Ġphysically": 10170, + "Ġstake": 10171, + "ĠArticle": 10172, + "ĠArc": 10173, + "ĠLewis": 10174, + "ĠMind": 10175, + "Ġdemonstrate": 10176, + "Ġprofits": 10177, + "vision": 10178, + "omic": 10179, + "olid": 10180, + "Ġbattles": 10181, + "Ġdrives": 10182, + "Ġeastern": 10183, + "ĠSony": 10184, + "!!!": 10185, + "aration": 10186, + "vard": 10187, + "ĠGL": 10188, + "portation": 10189, + "Ġ92": 10190, + "Ġlawmakers": 10191, + "Ġprotecting": 10192, + "ĠEPA": 10193, + "Ġyeah": 10194, + "Ġshame": 10195, + "olph": 10196, + "even": 10197, + "xit": 10198, + "Ġattach": 10199, + "Ġrepresenting": 10200, + "Ġobs": 10201, + "ĠUtah": 10202, + "iffs": 10203, + "ĠFreedom": 10204, + "ó": 10205, + "AK": 10206, + "Ġincidents": 10207, + "itage": 10208, + "Ġviewers": 10209, + "cd": 10210, + "Ġmouse": 10211, + "Ġclar": 10212, + "Ġaccordance": 10213, + "Ġbot": 10214, + "cor": 10215, + "ĠSummer": 10216, + "held": 10217, + "Ġinnocent": 10218, + "Ġinitiative": 10219, + "ols": 10220, + "________________________________": 10221, + "Ġspots": 10222, + "pace": 10223, + "Ġconventional": 10224, + "Ġcorporations": 10225, + "Ġblocked": 10226, + "HD": 10227, + "attered": 10228, + "Ġrefers": 10229, + "Ġbuck": 10230, + "ĠDigital": 10231, + "120": 10232, + "Ġtopics": 10233, + "TF": 10234, + "Äģ": 10235, + "brid": 10236, + "reement": 10237, + "Ġunderlying": 10238, + "ĠMember": 10239, + "Ġinvestigating": 10240, + "Ġpregnancy": 10241, + "Ġtouchdown": 10242, + "ĠBand": 10243, + "ĠCaller": 10244, + "Ġinstances": 10245, + "PP": 10246, + "wa": 10247, + "Good": 10248, + "Ġ1991": 10249, + "ĠCold": 10250, + "Ġfears": 10251, + "Ġremarks": 10252, + "ĨĴ": 10253, + "atal": 10254, + "Ġmit": 10255, + "Ġexperiments": 10256, + "ipt": 10257, + "Color": 10258, + "indu": 10259, + "Update": 10260, + "Ġ93": 10261, + "Ag": 10262, + "Ġå": 10263, + "ancouver": 10264, + "Both": 10265, + "Ġjudges": 10266, + "Object": 10267, + "Ġstere": 10268, + "umbn": 10269, + "Ġparticipation": 10270, + "ĠStars": 10271, + "ĠJere": 10272, + "Ġweekly": 10273, + "ĠBan": 10274, + "Ġconversations": 10275, + "ĠPitt": 10276, + "uz": 10277, + "ĠIndiana": 10278, + "ĠKick": 10279, + "Ġinfection": 10280, + "Ġheroes": 10281, + "Ġsettled": 10282, + "Ġstrip": 10283, + "Ġhal": 10284, + "Ġdump": 10285, + "ĠSci": 10286, + "Ġles": 10287, + "Ġreferences": 10288, + "ĠURL": 10289, + "ĠBridge": 10290, + "Ġwanting": 10291, + "Force": 10292, + "Ġexclus": 10293, + "Meanwhile": 10294, + "mn": 10295, + "Ġgentle": 10296, + "maker": 10297, + "senal": 10298, + "ĠGro": 10299, + "ouri": 10300, + "ĠRain": 10301, + "ĠAlliance": 10302, + "Ġlift": 10303, + "ela": 10304, + "SD": 10305, + "ĠCleveland": 10306, + "Ġranked": 10307, + "Ġstadium": 10308, + "Ġdeadly": 10309, + "ä¸": 10310, + "Ġriding": 10311, + "aria": 10312, + "ĠArmor": 10313, + "Ġdocumentation": 10314, + "ĠGreece": 10315, + "reek": 10316, + "Ġlens": 10317, + "ĠSa": 10318, + "Ġgross": 10319, + "ĠEmer": 10320, + "agers": 10321, + "ĠDub": 10322, + "ĠRh": 10323, + "ĠAMD": 10324, + "Ġarrival": 10325, + "Ġdesert": 10326, + "Ġsupplement": 10327, + "ĠResp": 10328, + "Ġknee": 10329, + "Ġmargin": 10330, + "font": 10331, + "ogg": 10332, + "2010": 10333, + "ĠPir": 10334, + "ĠProm": 10335, + "ivals": 10336, + "Ġintake": 10337, + "Ġdifferently": 10338, + "ugs": 10339, + "Ġbits": 10340, + "cluded": 10341, + "Ġsearching": 10342, + "ĠDu": 10343, + "umble": 10344, + "Ġfunctional": 10345, + "ĠBaltimore": 10346, + "ĠCould": 10347, + "Ġdesired": 10348, + "Ġcircuit": 10349, + "ĠLyn": 10350, + "ĠGO": 10351, + "ĠFalse": 10352, + "repre": 10353, + "':": 10354, + "alties": 10355, + "Ġminim": 10356, + "Ġdrove": 10357, + "ĠShould": 10358, + "Ġhip": 10359, + "Ġpros": 10360, + "Ġutility": 10361, + "ĠNature": 10362, + "ĠMode": 10363, + "President": 10364, + "opp": 10365, + "rat": 10366, + "formance": 10367, + "Ġconcentration": 10368, + "Ġfont": 10369, + "ĠBud": 10370, + "Ġamid": 10371, + "Ġrevers": 10372, + "ĠML": 10373, + "Bar": 10374, + "Ġinteraction": 10375, + "Ġjurisd": 10376, + "Ġspells": 10377, + "dep": 10378, + "fil": 10379, + "Ġcivilians": 10380, + "utter": 10381, + "ĠCooper": 10382, + "ĠBelow": 10383, + "Ġentrance": 10384, + "Ġconvert": 10385, + "Ġcontroversy": 10386, + "owered": 10387, + "Ġcontrary": 10388, + "Ġarc": 10389, + "ĠExecutive": 10390, + "ĠOfficer": 10391, + "Ġpackages": 10392, + "Ġprogressive": 10393, + "width": 10394, + "Ġreserved": 10395, + "vol": 10396, + "ĠSamsung": 10397, + "Ġprinted": 10398, + "Ġcenters": 10399, + "Ġintroduce": 10400, + "ĠKennedy": 10401, + "Ġodds": 10402, + "Ġsurely": 10403, + "Ġindependence": 10404, + "Ġpassengers": 10405, + "reprene": 10406, + "ĠBeh": 10407, + "Ġloves": 10408, + "ĠESPN": 10409, + "Ġfacilit": 10410, + "Ġidentical": 10411, + "Ġdoct": 10412, + "Ġpartnership": 10413, + "conf": 10414, + "ĠHide": 10415, + "Ġconfused": 10416, + "ĠCow": 10417, + "Men": 10418, + "Ġwrest": 10419, + "ĠIraqi": 10420, + "Ġholes": 10421, + "ĠStudies": 10422, + "Ġpregnant": 10423, + "hard": 10424, + "Ġsignals": 10425, + "IX": 10426, + "Ġpulling": 10427, + "Ġgraduate": 10428, + "Ġnominee": 10429, + "Date": 10430, + "Ġpermitted": 10431, + "ĠâĤ¬": 10432, + "ĠOklahoma": 10433, + "Start": 10434, + "Ġauthorized": 10435, + "Ġalarm": 10436, + "ĠCos": 10437, + "van": 10438, + "Ġgenerations": 10439, + "cular": 10440, + "Ġdragon": 10441, + "ĠSoftware": 10442, + "ĠEdward": 10443, + "Ġcontroller": 10444, + "Sen": 10445, + "gered": 10446, + "ĠVik": 10447, + "Ġapproached": 10448, + "Thank": 10449, + "Ġcance": 10450, + "Ġformula": 10451, + "ĠSmall": 10452, + "Ġweakness": 10453, + "Ġramp": 10454, + "itudes": 10455, + "jud": 10456, + "Ġbrilliant": 10457, + "Ġaccus": 10458, + "source": 10459, + "Ġ800": 10460, + "ĠEvil": 10461, + "Sw": 10462, + "Ġhomeless": 10463, + "week": 10464, + "iens": 10465, + "rics": 10466, + "ĠThird": 10467, + "TO": 10468, + "Ġorganic": 10469, + "Ġpresentation": 10470, + "agh": 10471, + "ĠDownload": 10472, + "vation": 10473, + "Ġassembly": 10474, + "orable": 10475, + "holders": 10476, + "ĠBernie": 10477, + "ĠHelp": 10478, + "Ġtong": 10479, + "ĠFight": 10480, + "Ġbeach": 10481, + "Book": 10482, + "ĠLic": 10483, + "Ġrush": 10484, + "ĠRound": 10485, + "oup": 10486, + "ĠMarx": 10487, + "Ġcalculated": 10488, + "ĠDevil": 10489, + "ĠSarah": 10490, + "Ġoccasionally": 10491, + "Ġbullet": 10492, + "Available": 10493, + "gate": 10494, + "Ġ91": 10495, + "Ġhosp": 10496, + "Ġpromises": 10497, + "ĠHIV": 10498, + "ĠStadium": 10499, + "ĠStock": 10500, + "ĠCorporation": 10501, + "gage": 10502, + "NG": 10503, + "ĠCredit": 10504, + "Ġsne": 10505, + "ibl": 10506, + "Ġaccum": 10507, + "such": 10508, + "Ġterrorists": 10509, + "Ġconsciousness": 10510, + "ĠZh": 10511, + "Ġdrama": 10512, + "oola": 10513, + "piration": 10514, + "Ġlabour": 10515, + "ĠNin": 10516, + "Ġutter": 10517, + "Ġdemocratic": 10518, + "Ġassass": 10519, + "ilation": 10520, + "Ġgest": 10521, + "Ġabroad": 10522, + "Ġmetab": 10523, + "Ġsorts": 10524, + "Ġflav": 10525, + "UB": 10526, + "Ġmg": 10527, + "ĠNothing": 10528, + "ĠOd": 10529, + "Ġmusical": 10530, + "2009": 10531, + "Ġdrops": 10532, + "ocated": 10533, + "ateral": 10534, + "000000": 10535, + "Ġgre": 10536, + "Ġequality": 10537, + "Ġburden": 10538, + "Ġvig": 10539, + "ĠLeader": 10540, + "------------": 10541, + "Ġceremony": 10542, + "Ġfighter": 10543, + "Ġactors": 10544, + "Ġæ": 10545, + "aman": 10546, + "Fi": 10547, + "Ġalign": 10548, + "puter": 10549, + "Ġelder": 10550, + "ĠNSA": 10551, + "Ġrepresentation": 10552, + "ĠOntario": 10553, + "ITH": 10554, + "usalem": 10555, + "Ġharassment": 10556, + "itzer": 10557, + "Ġsymp": 10558, + "Ġboxes": 10559, + "ĠDR": 10560, + "Ġmanifest": 10561, + "atre": 10562, + "Ġ^": 10563, + "Ġdies": 10564, + "leton": 10565, + "Ġmissions": 10566, + "ethe": 10567, + "Ġresolve": 10568, + "Ġfollowers": 10569, + "Ġasc": 10570, + "Ġkm": 10571, + "lord": 10572, + "ammed": 10573, + "Ġsilent": 10574, + "ĠAssociated": 10575, + "Ġtiming": 10576, + "Ġprisoners": 10577, + "ĠKings": 10578, + "ĠFive": 10579, + "Ġtower": 10580, + "Ġapproaches": 10581, + "Ġprecisely": 10582, + "Ġbureau": 10583, + "ĠMother": 10584, + "ĠIss": 10585, + "Ġkeyboard": 10586, + "itual": 10587, + "Ġfunded": 10588, + "Ġstaying": 10589, + "Ġpsychological": 10590, + "Ġmile": 10591, + "ĠLeon": 10592, + "ĠBarb": 10593, + "will": 10594, + "Ġwider": 10595, + "ĠAtlantic": 10596, + "Ġtill": 10597, + "ĠRome": 10598, + "rot": 10599, + "Ġaccompan": 10600, + "Ġflour": 10601, + "aco": 10602, + "World": 10603, + "ĠExpress": 10604, + "ĠYu": 10605, + "Cor": 10606, + "Ġpleased": 10607, + "party": 10608, + "Ġpointing": 10609, + "Ġinflation": 10610, + "Ġroy": 10611, + "Ġ),": 10612, + "ainer": 10613, + "Ġwedding": 10614, + "ormon": 10615, + "Ġrequiring": 10616, + "Ġqualified": 10617, + "Ġsegment": 10618, + "END": 10619, + "Ġsizes": 10620, + "eals": 10621, + "Ġcorrupt": 10622, + "assador": 10623, + "Ġceleb": 10624, + "Ġdreams": 10625, + "ĠMess": 10626, + "Ġchecking": 10627, + "ĠVersion": 10628, + "Ġpreparing": 10629, + "Ġactively": 10630, + "ĠDiff": 10631, + "Ġlux": 10632, + "ĠWinter": 10633, + "acteria": 10634, + "ĠNE": 10635, + "Ġdeputy": 10636, + "Ġtransgender": 10637, + "Ġsummary": 10638, + "Ġinher": 10639, + "eries": 10640, + "char": 10641, + "ĠYan": 10642, + "Ġknock": 10643, + "ĠPath": 10644, + "Ġlip": 10645, + "roller": 10646, + "Ġimpression": 10647, + "Ġcelebrate": 10648, + "Ġslide": 10649, + "Ġguests": 10650, + "Ġclip": 10651, + "FS": 10652, + "Ġsavings": 10653, + "Ġcaptain": 10654, + "Ġlegacy": 10655, + "ĠDenver": 10656, + "Ġwounded": 10657, + "taboola": 10658, + "ACT": 10659, + "Ġpursue": 10660, + "Ġoxy": 10661, + "Ġq": 10662, + "Ġsemi": 10663, + "ĠNeed": 10664, + "ĠAffairs": 10665, + "Ġobsc": 10666, + "Ġchecked": 10667, + "Ġdual": 10668, + "Code": 10669, + "ĠMD": 10670, + "lem": 10671, + "ulty": 10672, + "Ġ©": 10673, + "ĠElizabeth": 10674, + "Ġcenturies": 10675, + "arded": 10676, + "src": 10677, + "Ġevident": 10678, + "ennis": 10679, + "atin": 10680, + "Ġunemployment": 10681, + "ĠMario": 10682, + "Ġintim": 10683, + "Christ": 10684, + "Ġbiological": 10685, + "Ġsoldier": 10686, + "ĠAdded": 10687, + "Ġmath": 10688, + "ĠGil": 10689, + "Ġbias": 10690, + "Ġdating": 10691, + "ĠOcean": 10692, + "Ġmice": 10693, + "Mus": 10694, + "hire": 10695, + "ĠTes": 10696, + "Server": 10697, + "limited": 10698, + "Size": 10699, + "Ġmeters": 10700, + "Ġrocket": 10701, + "essee": 10702, + "Ġcertificate": 10703, + "ĠIranian": 10704, + "ASS": 10705, + "Ġgrid": 10706, + "Dec": 10707, + "Ġrolling": 10708, + "commun": 10709, + "ĠSweden": 10710, + "bury": 10711, + "Ġtissue": 10712, + "Ġracism": 10713, + "ĠLocal": 10714, + "Ġmystery": 10715, + "Ġexamine": 10716, + "Ġstem": 10717, + "Ġsits": 10718, + "Ġhoped": 10719, + "oting": 10720, + "Ġdialogue": 10721, + "Ġpersu": 10722, + "Watch": 10723, + "lay": 10724, + "MAN": 10725, + "Ġchronic": 10726, + "ĠPortland": 10727, + "market": 10728, + "ĠSEC": 10729, + "Ġparallel": 10730, + "Ġscandal": 10731, + "Ġcarries": 10732, + "Ġphenomenon": 10733, + "human": 10734, + "acker": 10735, + "ĠOx": 10736, + "Ġretirement": 10737, + "tainment": 10738, + "ovie": 10739, + "ĠGear": 10740, + "Ġduties": 10741, + "Ġdose": 10742, + "Ġscroll": 10743, + "MB": 10744, + "inf": 10745, + "Ġsauce": 10746, + "Ġlandscape": 10747, + "reddit": 10748, + "ĠChampionship": 10749, + "ĠReddit": 10750, + "alid": 10751, + "Ġcoin": 10752, + "Ġovers": 10753, + "Ġposting": 10754, + "about": 10755, + "Ġfel": 10756, + "andy": 10757, + "Ġbold": 10758, + "Ġfocusing": 10759, + "effect": 10760, + "GR": 10761, + "Ġdeemed": 10762, + "Ġrecommendations": 10763, + "Ġstepped": 10764, + "Ġvoter": 10765, + "ĠDeep": 10766, + "ĠInstagram": 10767, + "Ġmoderate": 10768, + "ĠMaryland": 10769, + "Ġrestricted": 10770, + "ĠMB": 10771, + "ĠChall": 10772, + "Ġtob": 10773, + "Ġcir": 10774, + "ĠOcc": 10775, + "ĠEver": 10776, + "Ġcollaps": 10777, + "INFO": 10778, + "=-": 10779, + "ĠPict": 10780, + "ĠAccount": 10781, + "nc": 10782, + "Ġought": 10783, + "Ġexport": 10784, + "Ġdrunk": 10785, + "('": 10786, + "Ġwise": 10787, + "ĠMort": 10788, + "necess": 10789, + "Ġancest": 10790, + "ĠIncre": 10791, + "Ġfrequent": 10792, + "mir": 10793, + "Ġinterpretation": 10794, + "Ġdependent": 10795, + "Ġcoins": 10796, + "ĠBol": 10797, + "Video": 10798, + "ĠJustin": 10799, + "Ġfatal": 10800, + "Ġcooking": 10801, + "Ġconfusion": 10802, + "ipher": 10803, + "Ġcustody": 10804, + "ĠMorgan": 10805, + "omach": 10806, + "ĠGovernor": 10807, + "Ġrestaurants": 10808, + "eling": 10809, + "Ġacknowledged": 10810, + "Ġther": 10811, + "Ġgenes": 10812, + "ching": 10813, + "Hey": 10814, + "Ġtactics": 10815, + "ĠMexican": 10816, + "Ġvend": 10817, + "Ġhes": 10818, + "quer": 10819, + "Ġnoting": 10820, + "ĠCameron": 10821, + "Ġtargeting": 10822, + "rock": 10823, + "Ġcredits": 10824, + "Ġemotions": 10825, + "Ġrepresentatives": 10826, + "news": 10827, + "Ġlegislative": 10828, + "Ġremoving": 10829, + "Ġtweeted": 10830, + "ĠCarter": 10831, + "ĠFixed": 10832, + "Ġforcing": 10833, + "Ġspeaker": 10834, + "Ġmales": 10835, + "ĠVietnam": 10836, + "lined": 10837, + "Ġconcepts": 10838, + "Ġvoices": 10839, + "oir": 10840, + "ĠTrib": 10841, + "Whe": 10842, + "ĠJerusalem": 10843, + "ĠSant": 10844, + "Ġcul": 10845, + "Ġlady": 10846, + "ĠHawai": 10847, + "Ġarts": 10848, + "ĠInn": 10849, + "ĠMachine": 10850, + "ĠEmperor": 10851, + "Ġslot": 10852, + "gly": 10853, + "ĠProcess": 10854, + "III": 10855, + "Ġathletes": 10856, + "ĠTemple": 10857, + "ĠRepresent": 10858, + "Ġpresc": 10859, + "Ġtons": 10860, + "Ġgolden": 10861, + "Ġpunch": 10862, + "ĠGR": 10863, + "iverpool": 10864, + "Ġenact": 10865, + "Ġlobby": 10866, + "Ġmos": 10867, + "Ġpicking": 10868, + "Ġlifetime": 10869, + "Ġcognitive": 10870, + "Each": 10871, + "zo": 10872, + "Ġdub": 10873, + "Ġconsists": 10874, + "oln": 10875, + "Ġfestival": 10876, + "amous": 10877, + "Ġintellig": 10878, + "words": 10879, + "ĠSmart": 10880, + "Ġdele": 10881, + "Ġlapt": 10882, + "Ġmagical": 10883, + "ĠSin": 10884, + "bus": 10885, + "urities": 10886, + "ighth": 10887, + "ĠRuby": 10888, + "ĠSure": 10889, + "olving": 10890, + "Ġjun": 10891, + "OST": 10892, + "Ġimposed": 10893, + "Ġastron": 10894, + "Ġcorrel": 10895, + "ĠNS": 10896, + "ĠKit": 10897, + "ĠFuture": 10898, + "burn": 10899, + "Ġimmune": 10900, + "ocus": 10901, + "Ġcourses": 10902, + "ĠString": 10903, + "Ġlean": 10904, + "Ġghost": 10905, + "Ġoutcomes": 10906, + "Ġexpense": 10907, + "Ġeveryday": 10908, + "Ġacceptable": 10909, + "Ah": 10910, + "Ġequipped": 10911, + "Ġorange": 10912, + "FR": 10913, + "ĠDutch": 10914, + "Though": 10915, + "ĠRank": 10916, + "QU": 10917, + "ĠRoberts": 10918, + "what": 10919, + "rend": 10920, + "Ġdisappear": 10921, + "Ġspawn": 10922, + "ĠLam": 10923, + "ois": 10924, + "Ġdeserve": 10925, + "Ġminimal": 10926, + "Ġnervous": 10927, + "ĠWould": 10928, + "Ġrook": 10929, + "ĠVancouver": 10930, + "Ġresign": 10931, + "shire": 10932, + "ĠWorks": 10933, + "ĠBuild": 10934, + "Ġaffordable": 10935, + "ĠGary": 10936, + "ĠArena": 10937, + "Ġhanging": 10938, + "Ġimplications": 10939, + "ĠSong": 10940, + "Ġmaintaining": 10941, + "Ġguards": 10942, + "CON": 10943, + "Ġderived": 10944, + "Ġexecuted": 10945, + "Ġtheories": 10946, + "Ġquoted": 10947, + "ĠAndre": 10948, + "oga": 10949, + "seless": 10950, + "info": 10951, + "ĠBelg": 10952, + "Ġtears": 10953, + "ĠSurv": 10954, + "Ġbirthday": 10955, + "igious": 10956, + "immer": 10957, + "Ġspectrum": 10958, + "Ġarchitecture": 10959, + "Ġrecruit": 10960, + "arma": 10961, + "Table": 10962, + "Ġmonsters": 10963, + "ĠGov": 10964, + "Ġdestination": 10965, + "Ġattractive": 10966, + "Ġfoss": 10967, + "ĠMoreover": 10968, + "Ġpresents": 10969, + "THE": 10970, + "Ġreply": 10971, + "pton": 10972, + "Ġcum": 10973, + "Ġdelight": 10974, + "Ġaffects": 10975, + "Ġdonations": 10976, + "ĠToy": 10977, + "ĠHim": 10978, + "MENT": 10979, + "Ġovercome": 10980, + "itched": 10981, + "ĠFantasy": 10982, + "ĠHat": 10983, + "ĠBeast": 10984, + "bott": 10985, + "Ġinvestigations": 10986, + "Run": 10987, + "Ġhunting": 10988, + "di": 10989, + "fund": 10990, + "Ġsessions": 10991, + "estyle": 10992, + "Ġportray": 10993, + "oids": 10994, + "Yeah": 10995, + "Ġcommunicate": 10996, + "Ġcomedy": 10997, + "ĠYang": 10998, + "Ġbelt": 10999, + "ĠMarine": 11000, + "Ġpredicted": 11001, + "Play": 11002, + "Ġimportantly": 11003, + "Ġremarkable": 11004, + "Ġeliminate": 11005, + "David": 11006, + "Ġbind": 11007, + "VID": 11008, + "Ġadvocates": 11009, + "ĠGaza": 11010, + "imp": 11011, + "DB": 11012, + "ĠNa": 11013, + "ĠSimilar": 11014, + "IES": 11015, + "Ġcharity": 11016, + "vas": 11017, + "math": 11018, + "Ġâĸ": 11019, + "oker": 11020, + "ndum": 11021, + "Ġcaps": 11022, + "ĠHal": 11023, + "2000": 11024, + "ean": 11025, + "Ġfleet": 11026, + "Ġrecre": 11027, + "Right": 11028, + "Ġsleeping": 11029, + "ijing": 11030, + "kind": 11031, + "Ġdesignated": 11032, + "ä": 11033, + "Ġanimation": 11034, + "kee": 11035, + "ĠIntrodu": 11036, + "Ġ/>": 11037, + "Ġdelayed": 11038, + "Ġtremend": 11039, + "Ġcurious": 11040, + "Use": 11041, + "Ġlect": 11042, + "dam": 11043, + "Ġinnovation": 11044, + "ĠPoints": 11045, + "Ġloading": 11046, + "Ġdispute": 11047, + "ctic": 11048, + "irds": 11049, + "ĠBY": 11050, + "Ġnurs": 11051, + "ĠValue": 11052, + "IONS": 11053, + "ĠHum": 11054, + "Ġtemplate": 11055, + "mers": 11056, + "Ġappearances": 11057, + "ĠEntertainment": 11058, + "Ġtranslation": 11059, + "Ġsake": 11060, + "Ġbeneath": 11061, + "Ġinhib": 11062, + "Ġeuro": 11063, + "abetes": 11064, + "Ġstudying": 11065, + "ĠMas": 11066, + "Ġperceived": 11067, + "Ġexamined": 11068, + "Ġeager": 11069, + "Ġcoaches": 11070, + "Ġimper": 11071, + "chi": 11072, + "Ġproduces": 11073, + "\").": 11074, + "ĠEveryone": 11075, + "Ġmunicip": 11076, + "Ġgirlfriend": 11077, + "Ġhire": 11078, + "ĠVice": 11079, + "Ġsuitable": 11080, + "opy": 11081, + "Ġinequ": 11082, + "ĠDuke": 11083, + "fish": 11084, + "first": 11085, + "ĠObs": 11086, + "Ġinterior": 11087, + "ĠBruce": 11088, + "ĠRy": 11089, + "Ġanalys": 11090, + "Ġconsiderable": 11091, + "Ġforecast": 11092, + "Ġfert": 11093, + "orship": 11094, + "ĠDrug": 11095, + "ĠALL": 11096, + ":\"": 11097, + "thur": 11098, + "ĠMail": 11099, + "Ġballot": 11100, + "Ġinstantly": 11101, + "ĠChannel": 11102, + "Ġpicks": 11103, + "Ġ1989": 11104, + "Ġtent": 11105, + "oli": 11106, + "Ġcivilian": 11107, + "bling": 11108, + "ello": 11109, + "bu": 11110, + "Ġinch": 11111, + "Ġlogo": 11112, + "Ġcooperation": 11113, + "Ġwalks": 11114, + "Ġinvestments": 11115, + "Ġimprison": 11116, + "ĠFestival": 11117, + "ĠKy": 11118, + "Ġlegally": 11119, + "Ġgri": 11120, + "charg": 11121, + "Sl": 11122, + "Ġthreatening": 11123, + "duction": 11124, + "flow": 11125, + "Ġdismissed": 11126, + "ibraries": 11127, + "cap": 11128, + "ele": 11129, + "ĠMcG": 11130, + "ĠHarvard": 11131, + "ĠConservative": 11132, + "ĠCBS": 11133, + "png": 11134, + "Ġroots": 11135, + "ĠHaving": 11136, + "umbled": 11137, + "ĠFun": 11138, + "\\/": 11139, + "ĠSearch": 11140, + "plex": 11141, + "Ġdiscussing": 11142, + "Ġcontinu": 11143, + "ĠTai": 11144, + "ĠWik": 11145, + "Free": 11146, + "fit": 11147, + "Ġrefuse": 11148, + "Ġmanaging": 11149, + "Ġsynd": 11150, + "ipedia": 11151, + "walk": 11152, + "Ġprofessionals": 11153, + "Ġguidance": 11154, + "Ġuniversities": 11155, + "Ġassemb": 11156, + "untu": 11157, + "Finally": 11158, + "ASE": 11159, + "ĠAuto": 11160, + "ĠHad": 11161, + "Ġanniversary": 11162, + "LD": 11163, + "ĠDur": 11164, + "ĠUltimate": 11165, + "ihad": 11166, + "product": 11167, + "Ġtransit": 11168, + "Ġrestore": 11169, + "Ġexplaining": 11170, + "Ġasset": 11171, + "Ġtransferred": 11172, + "Ġburst": 11173, + "apolis": 11174, + "ĠMagazine": 11175, + "ĠCra": 11176, + "ĠBR": 11177, + "gged": 11178, + "ĠHE": 11179, + "Mich": 11180, + "bet": 11181, + "ĠLady": 11182, + "ylum": 11183, + "erves": 11184, + "Ġmeets": 11185, + "white": 11186, + "Log": 11187, + "Ġcorresponding": 11188, + "Ġinsisted": 11189, + "GG": 11190, + "Ġsurrounded": 11191, + "Ġtens": 11192, + "Ġlane": 11193, + "Ġcoinc": 11194, + "home": 11195, + "Ġexisted": 11196, + "ected": 11197, + "ĠDouble": 11198, + "lamm": 11199, + "Ġskept": 11200, + "exp": 11201, + "Ġperception": 11202, + "iev": 11203, + "ĠBeing": 11204, + "oft": 11205, + "Ġadopt": 11206, + ".:": 11207, + "];": 11208, + "Windows": 11209, + "Ġsatellite": 11210, + "ASH": 11211, + "Ġinfant": 11212, + "description": 11213, + "ĠMeanwhile": 11214, + "cm": 11215, + "oca": 11216, + "ĠTreat": 11217, + "actor": 11218, + "Ġtobacco": 11219, + "ĠNorm": 11220, + "emption": 11221, + "Ġflesh": 11222, + "Ġje": 11223, + "oop": 11224, + "ĠHeaven": 11225, + "Ġbeating": 11226, + "anim": 11227, + "Ġgathering": 11228, + "Ġcultiv": 11229, + "GO": 11230, + "abe": 11231, + "ĠJonathan": 11232, + "ĠSafety": 11233, + "Ġbadly": 11234, + "prot": 11235, + "Ġchoosing": 11236, + "Ġcontacted": 11237, + "Ġquit": 11238, + "Ġdistur": 11239, + "Ġstir": 11240, + "Ġtoken": 11241, + "Det": 11242, + "ĠPa": 11243, + "Ġfunctionality": 11244, + "003": 11245, + "some": 11246, + "Ġlimitations": 11247, + "Ġmeth": 11248, + "build": 11249, + "config": 11250, + "NT": 11251, + "rell": 11252, + "blem": 11253, + "ĠMom": 11254, + "Ġveterans": 11255, + "ĠHu": 11256, + "Ġtrends": 11257, + "arer": 11258, + "ĠGiven": 11259, + "ĠCaption": 11260, + "may": 11261, + "AST": 11262, + "Ġwondering": 11263, + "ĠClark": 11264, + "normal": 11265, + "Ġseparated": 11266, + "Ġdesp": 11267, + "stic": 11268, + "brew": 11269, + "Ġrelating": 11270, + "ĠNik": 11271, + "ĠFarm": 11272, + "Ġenthusi": 11273, + "good": 11274, + "deb": 11275, + "Ġactivist": 11276, + "Ġmart": 11277, + "Ġexplosion": 11278, + "ĠEconomic": 11279, + "Link": 11280, + "Ġinsight": 11281, + "Ġconvenient": 11282, + "Ġcounterpart": 11283, + "support": 11284, + "ĠVirt": 11285, + "agen": 11286, + "ĠTennessee": 11287, + "ĠSimon": 11288, + "ĠAward": 11289, + "OCK": 11290, + "ĠFigure": 11291, + "Ġoverseas": 11292, + "Ġpride": 11293, + "ĠCas": 11294, + "note": 11295, + "mg": 11296, + "Current": 11297, + "Ġdisplays": 11298, + "content": 11299, + "Ġtraveling": 11300, + "Ġhospitals": 11301, + "ĠFinancial": 11302, + "ĠPast": 11303, + "Ġdefendant": 11304, + "Ġstreaming": 11305, + "mble": 11306, + "ĠBerlin": 11307, + "uki": 11308, + "Ġdistribut": 11309, + "Ġantib": 11310, + "Ġchocolate": 11311, + "ĠCastle": 11312, + "Ġinterrupt": 11313, + "ĠRow": 11314, + "Ġconversion": 11315, + "Ġbugs": 11316, + "ĠRather": 11317, + "liest": 11318, + "LY": 11319, + "ĠJean": 11320, + "common": 11321, + "akh": 11322, + "Ġ130": 11323, + "otton": 11324, + "ĠDean": 11325, + "Ġamendment": 11326, + "Ġgameplay": 11327, + "ĠWarren": 11328, + "oda": 11329, + "Ġhighlights": 11330, + "Ġirre": 11331, + "ĠNATO": 11332, + "Ġballs": 11333, + "Ġdemanding": 11334, + "URE": 11335, + "ĠLuke": 11336, + "Figure": 11337, + "stop": 11338, + "onia": 11339, + "zone": 11340, + "izers": 11341, + "ĠWR": 11342, + "Ġawarded": 11343, + "Ġregulatory": 11344, + "ĠHart": 11345, + "ĠSN": 11346, + "pling": 11347, + "Ġsour": 11348, + "ĠPixel": 11349, + "usive": 11350, + "Ġfet": 11351, + "ĠSent": 11352, + "Ġautomatic": 11353, + "Ġfer": 11354, + "vernment": 11355, + "ĠKhan": 11356, + "TON": 11357, + "father": 11358, + "Ġextraordinary": 11359, + "throp": 11360, + "ĠPython": 11361, + "ĠGPU": 11362, + "Ġsexually": 11363, + "Ġdesktop": 11364, + "itivity": 11365, + "ĠAntonio": 11366, + "Ġorient": 11367, + "Ġears": 11368, + "obby": 11369, + "ouses": 11370, + "vertisements": 11371, + "Ġmanufacturers": 11372, + "icient": 11373, + "minute": 11374, + "Ġconviction": 11375, + "Ġgarden": 11376, + "public": 11377, + "Ġsatisfied": 11378, + "fold": 11379, + "OK": 11380, + "Ġinhab": 11381, + "ĠThink": 11382, + "Ġprogramme": 11383, + "Ġstomach": 11384, + "Ġcoordin": 11385, + "Ġholy": 11386, + "Ġthreshold": 11387, + "Ġrhet": 11388, + "Ġserial": 11389, + "Ġemployers": 11390, + "ĠEverything": 11391, + "rah": 11392, + "Ġbother": 11393, + "Ġbrands": 11394, + "Value": 11395, + "ĠTed": 11396, + "ĠPlanet": 11397, + "Ġpink": 11398, + "ĠFurthermore": 11399, + "sa": 11400, + "PE": 11401, + "reck": 11402, + "ĠUSD": 11403, + "otte": 11404, + "Ġ&&": 11405, + "Ġlanded": 11406, + "gets": 11407, + "Ġproducers": 11408, + "Ġhealthcare": 11409, + "Ġdominant": 11410, + "Ġdestro": 11411, + "Ġamended": 11412, + "chron": 11413, + "Ġfits": 11414, + "ĠSyd": 11415, + "ĠAuthority": 11416, + "ATCH": 11417, + "Ġfights": 11418, + "ĠLLC": 11419, + "Ġ---": 11420, + "ĠCorp": 11421, + "Ġtoxic": 11422, + "specific": 11423, + "ĠCorn": 11424, + "ĠChel": 11425, + "Ġtelephone": 11426, + "ĠPant": 11427, + "Ġmysterious": 11428, + "aunch": 11429, + "odox": 11430, + "media": 11431, + "Ġwitnesses": 11432, + "agu": 11433, + "Ġquestioned": 11434, + "ĠBrexit": 11435, + "ĠRemember": 11436, + "enez": 11437, + "Ġendorse": 11438, + "iatric": 11439, + "ĠIdent": 11440, + "Ġridiculous": 11441, + "110": 11442, + "Ġprayer": 11443, + "Ġscientist": 11444, + "Ġ1950": 11445, + "ĠAqu": 11446, + "Ġunderground": 11447, + "ĠUFC": 11448, + "mare": 11449, + "ĠLater": 11450, + "wich": 11451, + "Ġsubscrib": 11452, + "Ġhosts": 11453, + "Ġerr": 11454, + "Ġgrants": 11455, + "antom": 11456, + "Ġsummon": 11457, + "early": 11458, + "ĠClear": 11459, + "ĠPrim": 11460, + "Ġsuspension": 11461, + "Ġguaranteed": 11462, + "apper": 11463, + "Ġrice": 11464, + "ĠSean": 11465, + "ĠShin": 11466, + "Ġreferendum": 11467, + "Ġfled": 11468, + "rust": 11469, + "Ġ360": 11470, + "tery": 11471, + "Ġshocked": 11472, + "BR": 11473, + "ĠOil": 11474, + "ĠAllah": 11475, + "Ġpartly": 11476, + "Ġignor": 11477, + "Ġtransmission": 11478, + "Ġhomosexual": 11479, + "iversal": 11480, + "Ġhopefully": 11481, + "ãĤ¤": 11482, + "Ġlesson": 11483, + "Leg": 11484, + "Ġ..": 11485, + "Yet": 11486, + "table": 11487, + "appropri": 11488, + "rett": 11489, + "Ġboards": 11490, + "Ġincorrect": 11491, + "Ġbacteria": 11492, + "aru": 11493, + "amac": 11494, + "Ġsnap": 11495, + ".'\"": 11496, + "Ġparad": 11497, + "tem": 11498, + "heart": 11499, + "Ġavailability": 11500, + "Ġwisdom": 11501, + "Ġ(+": 11502, + "Ġpriest": 11503, + "ĠÂłĠÂł": 11504, + "Open": 11505, + "Ġspan": 11506, + "Ġparameter": 11507, + "Ġconvince": 11508, + "Ġ(%)": 11509, + "rac": 11510, + "Ġfo": 11511, + "Ġsafely": 11512, + "Ġconverted": 11513, + "ĠOlympic": 11514, + "Ġreserve": 11515, + "Ġhealing": 11516, + "ĠMine": 11517, + "Max": 11518, + "Ġinherent": 11519, + "ĠGraham": 11520, + "Ġintegrated": 11521, + "Dem": 11522, + "Ġpipeline": 11523, + "Ġapplying": 11524, + "Ġembed": 11525, + "ĠCharlie": 11526, + "Ġcave": 11527, + "2008": 11528, + "Ġconsensus": 11529, + "Ġrewards": 11530, + "Pal": 11531, + "ĠHTML": 11532, + "Ġpopularity": 11533, + "looking": 11534, + "ĠSword": 11535, + "ĠArts": 11536, + "')": 11537, + "Ġelectron": 11538, + "clusions": 11539, + "Ġintegrity": 11540, + "Ġexclusively": 11541, + "Ġgrace": 11542, + "Ġtorture": 11543, + "Ġburned": 11544, + "two": 11545, + "Ġ180": 11546, + "Produ": 11547, + "Ġentreprene": 11548, + "raphics": 11549, + "Ġgym": 11550, + "ricane": 11551, + "ĠTam": 11552, + "Ġadministrative": 11553, + "Ġmanufacturer": 11554, + "Ġvel": 11555, + "ĠNi": 11556, + "Ġisolated": 11557, + "ĠMedicine": 11558, + "Ġbackup": 11559, + "Ġpromoting": 11560, + "Ġcommander": 11561, + "Ġflee": 11562, + "ĠRussell": 11563, + "Ġforgotten": 11564, + "ĠMissouri": 11565, + "Ġresidence": 11566, + "mons": 11567, + "Ġresemb": 11568, + "Ġwand": 11569, + "Ġmeaningful": 11570, + "PT": 11571, + "Ġbol": 11572, + "Ġhelic": 11573, + "Ġwealthy": 11574, + "Ġrifle": 11575, + "strong": 11576, + "rowing": 11577, + "plan": 11578, + "asury": 11579, + "â̦.": 11580, + "Ġexpanding": 11581, + "ĠHamilton": 11582, + "Ġreceives": 11583, + "SI": 11584, + "eatures": 11585, + "ĠAnim": 11586, + "REE": 11587, + "Put": 11588, + "Ġbriefly": 11589, + "rive": 11590, + "Ġstimul": 11591, + "Ġ``(": 11592, + "Ġ__": 11593, + "Ġchip": 11594, + "Ġhaz": 11595, + "Ġprize": 11596, + "ĠThings": 11597, + "ACE": 11598, + "ulin": 11599, + "dict": 11600, + "oku": 11601, + "Ġassociate": 11602, + "ockets": 11603, + "youtube": 11604, + "Story": 11605, + "ategory": 11606, + "Ġmild": 11607, + "ailing": 11608, + "ĠYe": 11609, + "Orig": 11610, + "ĠKa": 11611, + "orig": 11612, + "Ġpropaganda": 11613, + "Ġanonymous": 11614, + "Ġstruggled": 11615, + "Ġoutrage": 11616, + "ATED": 11617, + "ĠBeijing": 11618, + "rary": 11619, + "Ġleather": 11620, + "Ġworlds": 11621, + "Ġbroader": 11622, + "125": 11623, + "idal": 11624, + "ĠBetter": 11625, + "Ġtear": 11626, + "Ext": 11627, + "Ġproposals": 11628, + "Ġiter": 11629, + "ĠSquad": 11630, + "Ġvolunt": 11631, + "mi": 11632, + "Did": 11633, + "ĠPu": 11634, + "pin": 11635, + "Ġspeakers": 11636, + "Ġborders": 11637, + "Ġfigured": 11638, + "='": 11639, + "Ġsimultaneously": 11640, + "aeda": 11641, + "Ġcharging": 11642, + "Ġurged": 11643, + "Ġconj": 11644, + "256": 11645, + "ĠGordon": 11646, + "merce": 11647, + "Ġdocumentary": 11648, + "Share": 11649, + "itol": 11650, + "ONE": 11651, + "ĠGarden": 11652, + "hatt": 11653, + "ĠThompson": 11654, + "aneous": 11655, + "apore": 11656, + "Ġtanks": 11657, + "Ġlessons": 11658, + "track": 11659, + "Ġoutstanding": 11660, + "Ġvolunteers": 11661, + "Ġspray": 11662, + "Ġmanagers": 11663, + "large": 11664, + "Ġcamps": 11665, + "Ġartificial": 11666, + "ĠRu": 11667, + "Ġbags": 11668, + "thal": 11669, + "Ġcompatible": 11670, + "ĠBlade": 11671, + "Ġfed": 11672, + "Ġargues": 11673, + "FI": 11674, + "Ġunfair": 11675, + "Ġcorn": 11676, + "Ġoffset": 11677, + "Ġdirections": 11678, + "Ġdisappointed": 11679, + "ĠConvention": 11680, + "Ġviewing": 11681, + "ME": 11682, + "ocity": 11683, + "Ġtowns": 11684, + "Ġlayers": 11685, + "Ġrolled": 11686, + "Ġjumped": 11687, + "Ġattribute": 11688, + "Ġunnecess": 11689, + "incoln": 11690, + "Ġsuppose": 11691, + "ĠNether": 11692, + "cha": 11693, + "Ġburied": 11694, + "Ġsixth": 11695, + "Ben": 11696, + "ressing": 11697, + "OUR": 11698, + "Ġwound": 11699, + "Ġcycl": 11700, + "Ġmechanisms": 11701, + "Ġcongressional": 11702, + "ĠElement": 11703, + "Ġagreements": 11704, + "Ġdecor": 11705, + "Ġclosest": 11706, + "ĠMit": 11707, + "Google": 11708, + "}}": 11709, + "Ġmixture": 11710, + "Ġfluid": 11711, + "Sign": 11712, + "ĠScholar": 11713, + "Ġpist": 11714, + "asket": 11715, + "abling": 11716, + "Ġracing": 11717, + "hero": 11718, + "riel": 11719, + "assy": 11720, + "Ġcheaper": 11721, + "ben": 11722, + "Ġvertical": 11723, + "amacare": 11724, + "ĠReading": 11725, + "gments": 11726, + "Ġhelicop": 11727, + "Ġsacrifice": 11728, + "aya": 11729, + "paren": 11730, + "VA": 11731, + "ĠLes": 11732, + "ĠStudio": 11733, + "Ġviolations": 11734, + "ĠAnna": 11735, + "acer": 11736, + "é¾": 11737, + "ĠRat": 11738, + "ĠBeck": 11739, + "ĠDick": 11740, + "ĠACT": 11741, + "Ġcomposition": 11742, + "Ġtexture": 11743, + "ĠOwn": 11744, + "Ġsmartphone": 11745, + "ĠNA": 11746, + "Ġforb": 11747, + "import": 11748, + "Ġdefending": 11749, + "ilst": 11750, + "rer": 11751, + "Ġoh": 11752, + "ĠJeremy": 11753, + "Ġbanking": 11754, + "ceptions": 11755, + "Ġrespective": 11756, + "/.": 11757, + "Ġdrinks": 11758, + "ĠWi": 11759, + "Ġbands": 11760, + "ĠLiverpool": 11761, + "Ġgrip": 11762, + "ĠBuy": 11763, + "Ġopenly": 11764, + "Ġreviewed": 11765, + "pert": 11766, + "Ġverify": 11767, + "ĠCole": 11768, + "ĠWales": 11769, + "MO": 11770, + "Ġunpre": 11771, + "Ġshelter": 11772, + "ĠImperial": 11773, + "Ġgui": 11774, + "ĠDak": 11775, + "Ġsuggestions": 11776, + "Ġexplicitly": 11777, + "Ġslave": 11778, + "Ġblockchain": 11779, + "Ġcompeting": 11780, + "Ġpromising": 11781, + "SON": 11782, + "Ġsoccer": 11783, + "Ġconstitution": 11784, + "429": 11785, + "Ġdistract": 11786, + "ĠUser": 11787, + "esides": 11788, + "ĠMethod": 11789, + "ĠTokyo": 11790, + "Ġaccompanied": 11791, + "Client": 11792, + "sur": 11793, + "alog": 11794, + "Ġidentification": 11795, + "Ġinvasion": 11796, + "asma": 11797, + "Ġindustries": 11798, + "ppers": 11799, + "Ġsubtle": 11800, + "ĠUnit": 11801, + "natural": 11802, + "Ġsurvived": 11803, + "Ġflaw": 11804, + "ĺħ": 11805, + "ĠHoll": 11806, + "Ġdeficit": 11807, + "Ġtutorial": 11808, + "ĠChance": 11809, + "Ġarguing": 11810, + "Ġcontemporary": 11811, + "Ġintegration": 11812, + "forward": 11813, + "Ġtum": 11814, + "itis": 11815, + "Ġhiding": 11816, + "ĠDomin": 11817, + "ĠTan": 11818, + "ĠBuilding": 11819, + "ĠVin": 11820, + "Ġspokesperson": 11821, + "ĠNotes": 11822, + "Ġemerging": 11823, + "Ġpreparation": 11824, + "Ġprost": 11825, + "Ġsuspects": 11826, + "Ġautonom": 11827, + "Description": 11828, + "Ġdealt": 11829, + "ĠPear": 11830, + "Ġsteady": 11831, + "Ġdecreased": 11832, + "Ġsovere": 11833, + "ĠClin": 11834, + "Ġgradually": 11835, + "orses": 11836, + "ĠWAR": 11837, + "Serv": 11838, + "ãĤ¢": 11839, + "hr": 11840, + "Ġdirty": 11841, + "ĠBarn": 11842, + "ĠBC": 11843, + "Ġdil": 11844, + "Ġcalendar": 11845, + "Ġcompliance": 11846, + "Ġchamber": 11847, + "bb": 11848, + "Ġpassenger": 11849, + "ateful": 11850, + "ĠTitle": 11851, + "ĠSydney": 11852, + "ĠGot": 11853, + "Ġdarkness": 11854, + "Ġdefect": 11855, + "Ġpacked": 11856, + "assion": 11857, + "Ġgods": 11858, + "Ġharsh": 11859, + "ICK": 11860, + "leans": 11861, + "Ġalgorithm": 11862, + "Ġoxygen": 11863, + "Ġvisits": 11864, + "Ġblade": 11865, + "Ġkilomet": 11866, + "ĠKentucky": 11867, + "Ġkiller": 11868, + "Pack": 11869, + "enny": 11870, + "Ġdivine": 11871, + "Ġnomination": 11872, + "being": 11873, + "Ġengines": 11874, + "Ġcats": 11875, + "Ġbuffer": 11876, + "ĠPhill": 11877, + "Ġtraff": 11878, + "AGE": 11879, + "Ġtongue": 11880, + "Ġradiation": 11881, + "erer": 11882, + "mem": 11883, + "ĠExplicit": 11884, + "é¾į": 11885, + "Ġcouples": 11886, + "Ġphysics": 11887, + "ĠMcK": 11888, + "Ġpolitically": 11889, + "awks": 11890, + "ĠBloom": 11891, + "Ġworship": 11892, + "eger": 11893, + "uter": 11894, + "ĠFO": 11895, + "Ġmathemat": 11896, + "Ġsentenced": 11897, + "Ġdisk": 11898, + "ĠMarg": 11899, + "Ġ/*": 11900, + "PI": 11901, + "Ġoptional": 11902, + "Ġbabies": 11903, + "Ġseeds": 11904, + "ĠScottish": 11905, + "Ġthy": 11906, + "]]": 11907, + "ĠHitler": 11908, + "PH": 11909, + "ngth": 11910, + "Ġrecovered": 11911, + "inge": 11912, + "Ġpowder": 11913, + "Ġlips": 11914, + "Ġdesigner": 11915, + "Ġdisorders": 11916, + "Ġcourage": 11917, + "Ġchaos": 11918, + "\"},{\"": 11919, + "Ġcarrier": 11920, + "bably": 11921, + "High": 11922, + "ĠRT": 11923, + "esity": 11924, + "len": 11925, + "Ġroutes": 11926, + "uating": 11927, + "Fil": 11928, + "NOT": 11929, + "wall": 11930, + "sburgh": 11931, + "Ġengaging": 11932, + "ĠJavaScript": 11933, + "orer": 11934, + "lihood": 11935, + "Ġunions": 11936, + "ĠFederation": 11937, + "ĠTesla": 11938, + "Ġcompletion": 11939, + "ĠTa": 11940, + "Ġprivilege": 11941, + "ĠOrange": 11942, + "Ġneur": 11943, + "parency": 11944, + "Ġbones": 11945, + "Ġtitled": 11946, + "Ġprosecutors": 11947, + "ĠME": 11948, + "Ġengineer": 11949, + "ĠUniverse": 11950, + "ĠHig": 11951, + "nie": 11952, + "oard": 11953, + "Ġhearts": 11954, + "ĠGre": 11955, + "ussion": 11956, + "Ġministry": 11957, + "Ġpenet": 11958, + "ĠNut": 11959, + "ĠOw": 11960, + "ĠXP": 11961, + "instein": 11962, + "Ġbulk": 11963, + "System": 11964, + "icism": 11965, + "ĠMarketable": 11966, + "Ġpreval": 11967, + "Ġposter": 11968, + "Ġattending": 11969, + "urable": 11970, + "Ġlicensed": 11971, + "ĠGh": 11972, + "etry": 11973, + "ĠTradable": 11974, + "Ġblast": 11975, + "à¤": 11976, + "ĠTitan": 11977, + "elled": 11978, + "die": 11979, + "Have": 11980, + "ĠFlame": 11981, + "Ġprofound": 11982, + "Ġparticipating": 11983, + "Ġanime": 11984, + "ĠEss": 11985, + "Ġspecify": 11986, + "Ġregarded": 11987, + "ĠSpell": 11988, + "Ġsons": 11989, + "owned": 11990, + "Ġmerc": 11991, + "Ġexperimental": 11992, + "lando": 11993, + "hs": 11994, + "ĠDungeon": 11995, + "inos": 11996, + "Ġcomply": 11997, + "ĠSystems": 11998, + "arth": 11999, + "Ġseized": 12000, + "local": 12001, + "ĠGirls": 12002, + "udo": 12003, + "oned": 12004, + "ĠFle": 12005, + "Ġconstructed": 12006, + "Ġhosted": 12007, + "Ġscared": 12008, + "actic": 12009, + "ĠIslands": 12010, + "ĠMORE": 12011, + "Ġbless": 12012, + "Ġblocking": 12013, + "Ġchips": 12014, + "Ġevac": 12015, + "Ps": 12016, + "Ġcorporation": 12017, + "Ġox": 12018, + "Ġlighting": 12019, + "Ġneighbors": 12020, + "ĠUb": 12021, + "aro": 12022, + "Ġbeef": 12023, + "ĠUber": 12024, + "Facebook": 12025, + "armed": 12026, + "itate": 12027, + "ĠRating": 12028, + "ĠQuick": 12029, + "Ġoccupied": 12030, + "Ġaims": 12031, + "ĠAdditionally": 12032, + "ĠInterest": 12033, + "Ġdramatically": 12034, + "Ġheal": 12035, + "Ġpainting": 12036, + "Ġengineers": 12037, + "MM": 12038, + "ĠMust": 12039, + "Ġquantity": 12040, + "Paul": 12041, + "Ġearnings": 12042, + "ĠPosts": 12043, + "stra": 12044, + "ãĥ¼ãĥ": 12045, + "Ġstance": 12046, + "Ġdropping": 12047, + "script": 12048, + "Ġdressed": 12049, + "Make": 12050, + "Ġjustify": 12051, + "ĠLtd": 12052, + "Ġprompted": 12053, + "Ġscrut": 12054, + "Ġspeeds": 12055, + "ĠGiants": 12056, + "omer": 12057, + "ĠEditor": 12058, + "Ġdescribing": 12059, + "ĠLie": 12060, + "mented": 12061, + "Ġnowhere": 12062, + "ocaly": 12063, + "Ġinstruction": 12064, + "fortable": 12065, + "Ġentities": 12066, + "Ġcm": 12067, + "ĠNatural": 12068, + "Ġinquiry": 12069, + "Ġpressed": 12070, + "izont": 12071, + "forced": 12072, + "Ġraises": 12073, + "ĠNetflix": 12074, + "ĠSide": 12075, + "Ġouter": 12076, + "Ġamongst": 12077, + "ims": 12078, + "owski": 12079, + "Ġclimb": 12080, + "never": 12081, + "Ġcombine": 12082, + "ding": 12083, + "Ġcompr": 12084, + "Ġsignificance": 12085, + "Ġremembered": 12086, + "ĠNevada": 12087, + "ĠTel": 12088, + "ĠScar": 12089, + "ĠWarriors": 12090, + "ĠJane": 12091, + "Ġcoup": 12092, + "bas": 12093, + "Ġterminal": 12094, + ",-": 12095, + "OH": 12096, + "Ġtension": 12097, + "Ġwings": 12098, + "ĠMyster": 12099, + "����": 12100, + "ĠUnlike": 12101, + "valid": 12102, + "vironments": 12103, + "ĠAli": 12104, + "Ġnaked": 12105, + "books": 12106, + "ĠMun": 12107, + "ĠGulf": 12108, + "Ġdensity": 12109, + "Ġdimin": 12110, + "Ġdesperate": 12111, + "Ġpresidency": 12112, + "Ġ1986": 12113, + "hy": 12114, + "IND": 12115, + "Ġunlock": 12116, + "imens": 12117, + "Ġhandled": 12118, + "ĠEb": 12119, + "Ġdisappeared": 12120, + "Ġgenre": 12121, + "Ġ1988": 12122, + "Ġdetermination": 12123, + "Stream": 12124, + "iko": 12125, + "apters": 12126, + "Ġacknowledge": 12127, + "Jan": 12128, + "Ġcapitalism": 12129, + "Pat": 12130, + "Ġ2020": 12131, + "Ġpainful": 12132, + "Ġcurve": 12133, + "Ġbombs": 12134, + "storm": 12135, + "ĠMetal": 12136, + "encer": 12137, + "ĠFig": 12138, + "ĠAaron": 12139, + "anches": 12140, + "Ġinspiration": 12141, + "Ġexhaust": 12142, + "tains": 12143, + "ashi": 12144, + "Ġdescript": 12145, + "Ġritual": 12146, + "ĠChelsea": 12147, + "Ġpromotion": 12148, + "ĠHung": 12149, + "ĠWard": 12150, + "iva": 12151, + "ĠET": 12152, + "Ġtoss": 12153, + "allow": 12154, + "ĠFrancis": 12155, + "Dep": 12156, + "Ġhappiness": 12157, + "ĠGlass": 12158, + "Ġbeta": 12159, + "Ġstrengthen": 12160, + "NE": 12161, + "oa": 12162, + "Ġbuttons": 12163, + "ĠMurray": 12164, + "Ġkicked": 12165, + "Quest": 12166, + "ĠTalk": 12167, + "ĠSeveral": 12168, + "ĠZero": 12169, + "Ġdrone": 12170, + "ulk": 12171, + "Ġcam": 12172, + "ĠMobile": 12173, + "Ġpreventing": 12174, + "Ġretro": 12175, + "ĠAx": 12176, + "Ġcruel": 12177, + "Ġfloat": 12178, + ".),": 12179, + "Ġfiling": 12180, + "ĠGrant": 12181, + "ĠBor": 12182, + "Ġrib": 12183, + "Ġchampionship": 12184, + "ĠMerc": 12185, + "Ġstyles": 12186, + "Ġcake": 12187, + "Ġbuilds": 12188, + "ĠSelf": 12189, + "iox": 12190, + "Ġepic": 12191, + "oyd": 12192, + "Bel": 12193, + "ĠStew": 12194, + ".(": 12195, + "ahu": 12196, + "ĠBeyond": 12197, + "Ġouts": 12198, + "Ġsolo": 12199, + "ĠTree": 12200, + "Ġpreserve": 12201, + "Ġtub": 12202, + "ARE": 12203, + "roc": 12204, + "ĠImpro": 12205, + "ĠWright": 12206, + "Ġbund": 12207, + "Ġtraged": 12208, + "Ġoccasional": 12209, + "bian": 12210, + "Second": 12211, + "rons": 12212, + "Ġinteractions": 12213, + "formed": 12214, + "sing": 12215, + "Ġowns": 12216, + "Ġhockey": 12217, + "General": 12218, + "Ġlogical": 12219, + "Ġexpend": 12220, + "Ġescal": 12221, + "ĠGriff": 12222, + "ĠCrown": 12223, + "ĠReserve": 12224, + "Ġstopping": 12225, + "Ġexcuse": 12226, + "second": 12227, + "Ġoperated": 12228, + "Ġreaches": 12229, + "ĠMalays": 12230, + "Ġpollution": 12231, + "ĠBrooklyn": 12232, + "Ġdelete": 12233, + "Ġhash": 12234, + "Block": 12235, + "aha": 12236, + "â̳": 12237, + "Ġshorter": 12238, + "piece": 12239, + ">>>": 13163, + "ĠMormon": 13164, + "tor": 13165, + "Ġparticles": 13166, + "ĠBart": 13167, + "ryption": 13168, + "Ġadmin": 13169, + "Ġsquee": 13170, + "VIDIA": 13171, + "Ġcreator": 13172, + "iameter": 13173, + "icular": 13174, + "NBC": 13175, + "Ġgrabbed": 13176, + "Ġnodd": 13177, + "Ġrated": 13178, + "Ġrotation": 13179, + "Ġgrasp": 13180, + "Ġexcessive": 13181, + "ĠEC": 13182, + "ĠWhit": 13183, + "Ġinventory": 13184, + "aults": 13185, + "ĠFB": 13186, + "Ġecosystem": 13187, + "Ġbillions": 13188, + "Ġventure": 13189, + "named": 13190, + "Ġdefender": 13191, + "oute": 13192, + "Instead": 13193, + "irable": 13194, + "War": 13195, + "Ġassumption": 13196, + "Ġbite": 13197, + "Ġearthqu": 13198, + "tail": 13199, + "space": 13200, + "Ġgifts": 13201, + "boys": 13202, + "Ġinevitable": 13203, + "Ġstructural": 13204, + "Ġbeneficial": 13205, + "Ġcompelling": 13206, + "hole": 13207, + "ervation": 13208, + "Ġcoat": 13209, + "oj": 13210, + "incarn": 13211, + "ĠYears": 13212, + "Ġdetermining": 13213, + "Ġrhetoric": 13214, + "Ġboundaries": 13215, + "Ġwhites": 13216, + "Ant": 13217, + "addy": 13218, + ")-": 13219, + "raham": 13220, + "etermin": 13221, + "Ġharvest": 13222, + "ĠConc": 13223, + "Ġlaptop": 13224, + "ĠMatch": 13225, + "Ġenjoying": 13226, + "cca": 13227, + "ollar": 13228, + "Ġtrips": 13229, + "Ġaddiction": 13230, + "ĠSak": 13231, + "Ġpowered": 13232, + "Ġcous": 13233, + "ĠRussians": 13234, + "iere": 13235, + "Ġretrie": 13236, + "quality": 13237, + "Ġdiffer": 13238, + "Ġkingdom": 13239, + "ĠLaur": 13240, + "ĠCapitol": 13241, + "Ġconclusions": 13242, + "ĠAltern": 13243, + "ĠNav": 13244, + "Ġtransparent": 13245, + "BER": 13246, + "Group": 13247, + "ĠComplete": 13248, + "Ġinfer": 13249, + "Ġintrig": 13250, + "Ġinsane": 13251, + "RO": 13252, + "ophob": 13253, + "isen": 13254, + "qual": 13255, + "Michael": 13256, + "Ġmuseum": 13257, + "ĠPope": 13258, + "Ġreset": 13259, + "rative": 13260, + "five": 13261, + "Ġaggreg": 13262, + "ittees": 13263, + "ository": 13264, + "Ġcarb": 13265, + "ĠRecord": 13266, + "Ġdecides": 13267, + "ĠFix": 13268, + "Ġexceptions": 13269, + "ĠCommissioner": 13270, + "uns": 13271, + "ĠEnvironmental": 13272, + "Ġlegendary": 13273, + "istence": 13274, + "Ġtunnel": 13275, + "km": 13276, + "Ġinsult": 13277, + "Ġtroll": 13278, + "Ġshake": 13279, + "Ġdetention": 13280, + "ques": 13281, + "ĠChrome": 13282, + "ĠFiles": 13283, + "Ġsubt": 13284, + "Ġprospects": 13285, + "Ġprol": 13286, + "render": 13287, + "proof": 13288, + "Ġperformances": 13289, + "Str": 13290, + "Ġhref": 13291, + "ername": 13292, + "Ġachievement": 13293, + "Ġfut": 13294, + "Full": 13295, + "ĠLeban": 13296, + "google": 13297, + "ãĥĪ": 13298, + "ampa": 13299, + "Maybe": 13300, + "Ġprojected": 13301, + "ĠEmb": 13302, + "Ġcolleg": 13303, + "Ġawards": 13304, + "ĠâĶ": 13305, + "Gold": 13306, + "ĠBlake": 13307, + "ĠRaj": 13308, + "ifting": 13309, + "Ġpending": 13310, + "Ġinstinct": 13311, + "Ġdevelopments": 13312, + "Connect": 13313, + "ĠMand": 13314, + "ĠWITH": 13315, + "ĠPhilippines": 13316, + "profile": 13317, + "Ġaltogether": 13318, + "ĠBund": 13319, + "ĠTD": 13320, + "oooo": 13321, + "amped": 13322, + "iph": 13323, + "Ġsteam": 13324, + "Ġoldest": 13325, + "Ġdetection": 13326, + "ulpt": 13327, + "Ġç": 13328, + "ĠWayne": 13329, + "2006": 13330, + "fa": 13331, + "Ġcircles": 13332, + "ĠFu": 13333, + "Ġdonors": 13334, + "appropriate": 13335, + "ĠDakota": 13336, + "jamin": 13337, + "Ġmotivated": 13338, + "Ġpurchases": 13339, + "ĠLouisiana": 13340, + "ĠSpl": 13341, + "Ġglobe": 13342, + "Ġ105": 13343, + "zip": 13344, + "call": 13345, + "Ġdepartments": 13346, + "Ġsustainable": 13347, + "105": 13348, + "ĠOP": 13349, + "ifiers": 13350, + "Ġprevented": 13351, + "Ġincomp": 13352, + "ĠCommander": 13353, + "Ġdominated": 13354, + "Ġ»": 13355, + "Ġinvested": 13356, + "Ġcomplexity": 13357, + "Ġincl": 13358, + "Ġensuring": 13359, + "Ġrealm": 13360, + "ync": 13361, + "ĠIndependent": 13362, + "rained": 13363, + "ĠJen": 13364, + "ĠFlight": 13365, + "Ġathe": 13366, + "Ġspeculation": 13367, + "ĠTE": 13368, + "ocate": 13369, + "tic": 13370, + "Ġplaint": 13371, + "herry": 13372, + "Ġtoy": 13373, + "Ġ111": 13374, + "Ġplates": 13375, + "status": 13376, + "ĠIsa": 13377, + "Ġdevoted": 13378, + "Cop": 13379, + "ĠES": 13380, + "255": 13381, + "urrency": 13382, + "Main": 13383, + "Ġslaves": 13384, + "Ġpepper": 13385, + "Ġquotes": 13386, + "Ġceiling": 13387, + "ĠFish": 13388, + "Ġtransformation": 13389, + "Ġfraction": 13390, + "Ġadvantages": 13391, + "Ġtoile": 13392, + "Ġstunning": 13393, + "Ġmoist": 13394, + "breaking": 13395, + "si": 13396, + "ĠLocation": 13397, + "ĠMedium": 13398, + "Ġtexts": 13399, + "Ġugly": 13400, + "Ġbio": 13401, + ".âĢĶ": 13402, + "ĠBased": 13403, + "Ġtrains": 13404, + "ĠWing": 13405, + "ĠAncient": 13406, + "ĠRecords": 13407, + "ĠHope": 13408, + "Special": 13409, + "adesh": 13410, + "obi": 13411, + "[/": 13412, + "Ġtemporarily": 13413, + "Ver": 13414, + "hu": 13415, + "oser": 13416, + "Ġovernight": 13417, + "Ġmamm": 13418, + "ĠTreasury": 13419, + "ĠVenezuel": 13420, + "ĠMega": 13421, + "Ġtar": 13422, + "Ġexpects": 13423, + "black": 13424, + "orph": 13425, + "\\\\\\\\": 13426, + "Ġacceptance": 13427, + "Ġradar": 13428, + "sis": 13429, + "Ġjunior": 13430, + "Ġframes": 13431, + "Ġobservation": 13432, + "acies": 13433, + "Power": 13434, + "ĠAdvanced": 13435, + "Mag": 13436, + "ologically": 13437, + "ĠMechan": 13438, + "Ġsentences": 13439, + "Ġanalysts": 13440, + "aughters": 13441, + "forcement": 13442, + "Ġvague": 13443, + "Ġclause": 13444, + "Ġdirectors": 13445, + "Ġevaluate": 13446, + "Ġcabinet": 13447, + "Matt": 13448, + "ĠClassic": 13449, + "Ang": 13450, + "Ġcler": 13451, + "ĠBuck": 13452, + "Ġresearcher": 13453, + "Ġ160": 13454, + "Ġpoorly": 13455, + "Ġexperiencing": 13456, + "ĠPed": 13457, + "ĠManhattan": 13458, + "Ġfreed": 13459, + "Ġthemes": 13460, + "advant": 13461, + "Ġnin": 13462, + "Ġpraise": 13463, + "104": 13464, + "ĠLibya": 13465, + "best": 13466, + "Ġtrusted": 13467, + "Ġcease": 13468, + "Ġdign": 13469, + "Direct": 13470, + "Ġbombing": 13471, + "Ġmigration": 13472, + "ĠSciences": 13473, + "Ġmunicipal": 13474, + "ĠAverage": 13475, + "Ġglory": 13476, + "Ġrevealing": 13477, + "Ġarena": 13478, + "Ġuncertainty": 13479, + "Ġbattlefield": 13480, + "iao": 13481, + "God": 13482, + "Ġcinem": 13483, + "rape": 13484, + "elle": 13485, + "apons": 13486, + "Ġlisting": 13487, + "Ġwaited": 13488, + "Ġspotted": 13489, + "keley": 13490, + "ĠAudio": 13491, + "eor": 13492, + "arding": 13493, + "idding": 13494, + "igma": 13495, + "ĠNeg": 13496, + "Ġlone": 13497, + "Ġ----": 13498, + "exe": 13499, + "deg": 13500, + "Ġtransf": 13501, + "Ġwash": 13502, + "Ġslavery": 13503, + "Ġexploring": 13504, + "ĠWW": 13505, + "atson": 13506, + "Ġencl": 13507, + "lies": 13508, + "ĠCreek": 13509, + "Ġwooden": 13510, + "Manager": 13511, + "ĠBrand": 13512, + "ummy": 13513, + "ĠArthur": 13514, + "Ġbureaucr": 13515, + "Ġblend": 13516, + "arians": 13517, + "Further": 13518, + "Ġsupposedly": 13519, + "Ġwinds": 13520, + "Ġ1979": 13521, + "Ġgravity": 13522, + "Ġanalyses": 13523, + "ĠTravel": 13524, + "ĠVeter": 13525, + "Ġdumb": 13526, + "Ġalternate": 13527, + "gal": 13528, + "Ġconsumed": 13529, + "Ġeffectiveness": 13530, + ".''": 13531, + "Ġpaths": 13532, + "onda": 13533, + "LA": 13534, + "ĠStrong": 13535, + "Ġenables": 13536, + "Ġescaped": 13537, + "Ġ\"\"": 13538, + "Ġ112": 13539, + "Ġ1983": 13540, + "Ġsmiled": 13541, + "Ġtendency": 13542, + "Fire": 13543, + "Ġpars": 13544, + "ĠRoc": 13545, + "Ġlake": 13546, + "Ġfitness": 13547, + "ĠAth": 13548, + "ĠHorn": 13549, + "Ġhier": 13550, + "Ġimpose": 13551, + "mother": 13552, + "Ġpension": 13553, + "icut": 13554, + "borne": 13555, + "iciary": 13556, + "._": 13557, + "ĠSU": 13558, + "Ġpolar": 13559, + "isy": 13560, + "engu": 13561, + "itialized": 13562, + "ATA": 13563, + "write": 13564, + "Ġexercises": 13565, + "ĠDiamond": 13566, + "otypes": 13567, + "Ġharmful": 13568, + "onz": 13569, + "Ġprinting": 13570, + "story": 13571, + "Ġexpertise": 13572, + "ĠGer": 13573, + "Ġtragedy": 13574, + "ĠFly": 13575, + "Ġdivid": 13576, + "ampire": 13577, + "stock": 13578, + "Mem": 13579, + "Ġreign": 13580, + "Ġunve": 13581, + "Ġamend": 13582, + "ĠProphet": 13583, + "Ġmutual": 13584, + "ĠFac": 13585, + "Ġreplacing": 13586, + "Har": 13587, + "ĠCircuit": 13588, + "Ġthroat": 13589, + "ĠShot": 13590, + "Ġbatteries": 13591, + "Ġtoll": 13592, + "Ġaddressing": 13593, + "ĠMedicaid": 13594, + "Ġpupp": 13595, + "ĠNar": 13596, + "olk": 13597, + "Ġequity": 13598, + "MR": 13599, + "ĠHispan": 13600, + "ĠLarge": 13601, + "mid": 13602, + "Dev": 13603, + "Ġexped": 13604, + "Ġdemo": 13605, + "ĠMarshall": 13606, + "ergus": 13607, + "Ġfiber": 13608, + "Ġdivorce": 13609, + "ĠCreate": 13610, + "Ġslower": 13611, + "ĠParker": 13612, + "ĠStudent": 13613, + "ĠTraining": 13614, + "Return": 13615, + "ĠTru": 13616, + "Ġcub": 13617, + "ĠReached": 13618, + "Ġpanic": 13619, + "Ġquarters": 13620, + "Ġrect": 13621, + "Ġtreating": 13622, + "Ġrats": 13623, + "ĠChristianity": 13624, + "oler": 13625, + "Ġsacred": 13626, + "Ġdeclare": 13627, + "ulative": 13628, + "eting": 13629, + "Ġdelivering": 13630, + "estone": 13631, + "Ġtel": 13632, + "ĠLarry": 13633, + "Ġmeta": 13634, + "accept": 13635, + "artz": 13636, + "ĠRoger": 13637, + "handed": 13638, + "Ġheader": 13639, + "Ġtrapped": 13640, + "ĠCentury": 13641, + "Ġknocked": 13642, + "ĠOxford": 13643, + "Ġsurvivors": 13644, + "bot": 13645, + "Ġdemonstration": 13646, + "Ġdirt": 13647, + "Ġassists": 13648, + "OME": 13649, + "ĠDraft": 13650, + "ortunate": 13651, + "folio": 13652, + "pered": 13653, + "usters": 13654, + "gt": 13655, + "ĠLock": 13656, + "Ġjudicial": 13657, + "verted": 13658, + "Ġsecured": 13659, + "outing": 13660, + "ĠBooks": 13661, + "Ġhosting": 13662, + "Ġlifted": 13663, + "length": 13664, + "Ġjer": 13665, + "Ġwheels": 13666, + "ĠRange": 13667, + "umbnails": 13668, + "Ġdiagnosis": 13669, + "tech": 13670, + "ĠStewart": 13671, + "ĠPract": 13672, + "Ġnationwide": 13673, + "Ġdear": 13674, + "Ġobligations": 13675, + "Ġgrows": 13676, + "Ġmandatory": 13677, + "Ġsuspicious": 13678, + "!'": 13679, + "Apr": 13680, + "Great": 13681, + "Ġmortgage": 13682, + "Ġprosecutor": 13683, + "Ġeditorial": 13684, + "ĠKr": 13685, + "Ġprocessed": 13686, + "ungle": 13687, + "Ġflexibility": 13688, + "Earlier": 13689, + "ĠCart": 13690, + "ĠSug": 13691, + "Ġfocuses": 13692, + "Ġstartup": 13693, + "Ġbreach": 13694, + "ĠTob": 13695, + "cycle": 13696, + "ãĢĮ": 13697, + "rose": 13698, + "Ġbizarre": 13699, + "ãĢį": 13700, + "Ġvegetables": 13701, + "$$": 13702, + "Ġretreat": 13703, + "oshi": 13704, + "ĠShop": 13705, + "ĠGround": 13706, + "ĠStop": 13707, + "ĠHawaii": 13708, + "ĠAy": 13709, + "Perhaps": 13710, + "ĠBeaut": 13711, + "uffer": 13712, + "enna": 13713, + "Ġproductivity": 13714, + "Fixed": 13715, + "control": 13716, + "Ġabsent": 13717, + "ĠCampaign": 13718, + "Green": 13719, + "Ġidentifying": 13720, + "Ġregret": 13721, + "Ġpromoted": 13722, + "ĠSeven": 13723, + "Ġeru": 13724, + "neath": 13725, + "aughed": 13726, + "ĠPin": 13727, + "ĠLiving": 13728, + "Cost": 13729, + "omatic": 13730, + "mega": 13731, + "ĠNig": 13732, + "ocy": 13733, + "Ġinbox": 13734, + "Ġempire": 13735, + "Ġhorizont": 13736, + "Ġbranches": 13737, + "Ġmetaph": 13738, + "Active": 13739, + "edi": 13740, + "ĠFilm": 13741, + "ĠSomething": 13742, + "Ġmods": 13743, + "incial": 13744, + "ĠOriginal": 13745, + "Gen": 13746, + "Ġspirits": 13747, + "Ġearning": 13748, + "Hist": 13749, + "Ġriders": 13750, + "Ġsacrific": 13751, + "MT": 13752, + "ĠVA": 13753, + "ĠSalt": 13754, + "Ġoccupation": 13755, + "ĠMi": 13756, + "Ġdisg": 13757, + "lict": 13758, + "Ġnit": 13759, + "Ġnodes": 13760, + "eem": 13761, + "ĠPier": 13762, + "Ġhatred": 13763, + "psy": 13764, + "ãĥī": 13765, + "Ġtheater": 13766, + "Ġsophisticated": 13767, + "Ġdefended": 13768, + "Ġbesides": 13769, + "Ġthoroughly": 13770, + "ĠMedicare": 13771, + "Ġblamed": 13772, + "arently": 13773, + "Ġcrying": 13774, + "FOR": 13775, + "priv": 13776, + "Ġsinging": 13777, + "ĠIl": 13778, + "Ġcute": 13779, + "oided": 13780, + "olitical": 13781, + "ĠNeuro": 13782, + "å¤": 13783, + "Ġdonation": 13784, + "ĠEagles": 13785, + "ĠGive": 13786, + "Tom": 13787, + "Ġsubstantially": 13788, + "ĠLicense": 13789, + "ĠJa": 13790, + "Ġgrey": 13791, + "ĠAnimal": 13792, + "ĠER": 13793, + "ĠUnd": 13794, + "Ġkeen": 13795, + "Ġconclude": 13796, + "ĠMississippi": 13797, + "Engine": 13798, + "ĠStudios": 13799, + "Press": 13800, + "overs": 13801, + "llers": 13802, + "Ġ350": 13803, + "ĠRangers": 13804, + "Ġrou": 13805, + "erto": 13806, + "Ep": 13807, + "issa": 13808, + "ivan": 13809, + "Ġseal": 13810, + "ĠRegist": 13811, + "display": 13812, + "Ġweaken": 13813, + "uum": 13814, + "ĠCommons": 13815, + "ĠSay": 13816, + "Ġcultures": 13817, + "Ġlaughed": 13818, + "Ġslip": 13819, + "Ġtreatments": 13820, + "izable": 13821, + "mart": 13822, + "ĠRice": 13823, + "Ġbeast": 13824, + "Ġobesity": 13825, + "ĠLaure": 13826, + "iga": 13827, + "Which": 13828, + "holder": 13829, + "Ġelderly": 13830, + "Ġpays": 13831, + "Ġcomplained": 13832, + "Ġcrop": 13833, + "Ġproc": 13834, + "Ġexplosive": 13835, + "ĠFan": 13836, + "ĠArsenal": 13837, + "Author": 13838, + "eful": 13839, + "Ġmeals": 13840, + "Ġ(-": 13841, + "idays": 13842, + "Ġimagination": 13843, + "Ġannually": 13844, + "Ġms": 13845, + "asures": 13846, + "Head": 13847, + "ikh": 13848, + "matic": 13849, + "Ġboyfriend": 13850, + "ĠComputer": 13851, + "Ġbump": 13852, + "Ġsurge": 13853, + "ĠCraig": 13854, + "ĠKirk": 13855, + "Del": 13856, + "mediate": 13857, + "Ġscenarios": 13858, + "ĠMut": 13859, + "ĠStream": 13860, + "Ġcompetitors": 13861, + "ÙĦ": 13862, + "ĠStanford": 13863, + "ĠResources": 13864, + "azed": 13865, + "bage": 13866, + "Ġorganis": 13867, + "ĠRelease": 13868, + "Ġseparately": 13869, + "Ġhabits": 13870, + "Ġmeasurements": 13871, + "ĠClose": 13872, + "Ġaccompany": 13873, + "Ġgly": 13874, + "Ġtang": 13875, + "ĠRou": 13876, + "Ġplugin": 13877, + "Ġconvey": 13878, + "ĠChallenge": 13879, + "oots": 13880, + "jan": 13881, + "Ġcurs": 13882, + "ĠRelations": 13883, + "keeper": 13884, + "Ġapproaching": 13885, + "ping": 13886, + "Speaking": 13887, + "Ġarrangement": 13888, + "ĠVI": 13889, + "arettes": 13890, + "Ġaffecting": 13891, + "Ġpermits": 13892, + "because": 13893, + "Ġuseless": 13894, + "ĠHus": 13895, + "!!!!": 13896, + "Ġdestroying": 13897, + "Unfortunately": 13898, + "Ġfascinating": 13899, + "Sem": 13900, + "Ġelectoral": 13901, + "Ġtransparency": 13902, + "ĠChaos": 13903, + "Ġvolunteer": 13904, + "Ġstatistical": 13905, + "Ġactivated": 13906, + "rox": 13907, + "Web": 13908, + "HE": 13909, + "ĠHampshire": 13910, + "isive": 13911, + "Map": 13912, + "Ġtrash": 13913, + "ĠLawrence": 13914, + "stick": 13915, + "Cr": 13916, + "Ġrings": 13917, + "EXT": 13918, + "Ġoperational": 13919, + "opes": 13920, + "Does": 13921, + "ĠEvans": 13922, + "Ġwitnessed": 13923, + "Port": 13924, + "Ġlaunching": 13925, + "econom": 13926, + "wear": 13927, + "ĠParticip": 13928, + "umm": 13929, + "cules": 13930, + "ĠRAM": 13931, + "ĠTun": 13932, + "Ġassured": 13933, + "Ġbinary": 13934, + "Ġbetray": 13935, + "Ġexploration": 13936, + "ĠFel": 13937, + "Ġadmission": 13938, + "itated": 13939, + "Sy": 13940, + "Ġavoided": 13941, + "ĠSimulator": 13942, + "Ġcelebrated": 13943, + "ĠElectric": 13944, + "¥ŀ": 13945, + "Ġcluster": 13946, + "itzerland": 13947, + "health": 13948, + "Line": 13949, + "ĠNash": 13950, + "aton": 13951, + "Ġspare": 13952, + "Ġenterprise": 13953, + "ĠDIS": 13954, + "cludes": 13955, + "Ġflights": 13956, + "Ġregards": 13957, + "ĠÃĹ": 13958, + "half": 13959, + "Ġtrucks": 13960, + "Ġcontacts": 13961, + "Ġuncons": 13962, + "ĠClimate": 13963, + "Ġimmense": 13964, + "NEW": 13965, + "occ": 13966, + "ective": 13967, + "Ġembod": 13968, + "Ġpatrol": 13969, + "Ġbeside": 13970, + "Ġviable": 13971, + "Ġcreep": 13972, + "Ġtriggered": 13973, + "verning": 13974, + "Ġcomparable": 13975, + "ql": 13976, + "Ġgaining": 13977, + "asses": 13978, + "Ġ();": 13979, + "ĠGrey": 13980, + "ĠMLS": 13981, + "sized": 13982, + "Ġprosper": 13983, + "\"?": 13984, + "Ġpolling": 13985, + "Ġshar": 13986, + "ĠRC": 13987, + "Ġfirearm": 13988, + "orient": 13989, + "Ġfence": 13990, + "Ġvariations": 13991, + "giving": 13992, + "ĠPi": 13993, + "ospel": 13994, + "Ġpledge": 13995, + "Ġcure": 13996, + "Ġspy": 13997, + "Ġviolated": 13998, + "Ġrushed": 13999, + "Ġstroke": 14000, + "ĠBlog": 14001, + "sels": 14002, + "ĠEc": 14003, + ",''": 14004, + "Ġpale": 14005, + "ĠCollins": 14006, + "terror": 14007, + "ĠCanadians": 14008, + "Ġtune": 14009, + "Ġlaboratory": 14010, + "Ġnons": 14011, + "tarian": 14012, + "Ġdisability": 14013, + "ĠGam": 14014, + "Ġsinger": 14015, + "alg": 14016, + "ĠSenior": 14017, + "Ġtraded": 14018, + "ĠWarrior": 14019, + "Ġinfring": 14020, + "ĠFranklin": 14021, + "Ġstrain": 14022, + "ĠSwedish": 14023, + "Ġseventh": 14024, + "ĠBenn": 14025, + "ĠTell": 14026, + "Ġsyndrome": 14027, + "Ġwondered": 14028, + "iden": 14029, + "++++": 14030, + "igo": 14031, + "Ġpurple": 14032, + "Ġjournalism": 14033, + "Ġrebel": 14034, + "Ġfu": 14035, + "blog": 14036, + "Ġinvite": 14037, + "rencies": 14038, + "ĠContact": 14039, + "Israel": 14040, + "ĠContent": 14041, + "Ġcheer": 14042, + "Ġbedroom": 14043, + "ĠEngineering": 14044, + "ĠQueens": 14045, + "Ġdwell": 14046, + "ĠPlayStation": 14047, + "ĠDim": 14048, + "ĠColon": 14049, + "lr": 14050, + "Ġoperates": 14051, + "Ġmotivation": 14052, + "USA": 14053, + "astered": 14054, + "Core": 14055, + "ĠTruth": 14056, + "olo": 14057, + "OSE": 14058, + "ĠMemory": 14059, + "Ġpredec": 14060, + "Ġanarch": 14061, + "Ġ1920": 14062, + "ĠYam": 14063, + "è": 14064, + "bid": 14065, + "Ġgrateful": 14066, + "Ġexcitement": 14067, + "Ġtreasure": 14068, + "Ġlongest": 14069, + "ctive": 14070, + "Ġdeserves": 14071, + "Ġreserves": 14072, + "Ġcops": 14073, + "ĠOttawa": 14074, + "ĠEgyptian": 14075, + "anked": 14076, + "Ġartif": 14077, + "Ġhypothesis": 14078, + ":/": 14079, + "Ġpurchasing": 14080, + "Ġlovely": 14081, + "HP": 14082, + "Ġdivide": 14083, + "Ġstrictly": 14084, + "Ġquestioning": 14085, + "Ġtaxpayers": 14086, + "ĠJoy": 14087, + "Ġrolls": 14088, + "ĠHeavy": 14089, + "Ġports": 14090, + "Ġmagnetic": 14091, + "Ġinflamm": 14092, + "Ġbrush": 14093, + "tics": 14094, + "âĪĴ": 14095, + "Ġbottles": 14096, + "ppy": 14097, + "Ġpadd": 14098, + "ãĤ¯": 14099, + "million": 14100, + "Ġdevastating": 14101, + "Ġcompiled": 14102, + "Ġmedication": 14103, + "Ġtwelve": 14104, + "ĠPerry": 14105, + "Space": 14106, + "imb": 14107, + "your": 14108, + "Ġleaked": 14109, + "ĠTar": 14110, + "Ġunity": 14111, + "Ġinfected": 14112, + "Ġtraveled": 14113, + "IDE": 14114, + "ĠMcDonald": 14115, + "txt": 14116, + "ĠPrinc": 14117, + "Ġinterven": 14118, + "ĠTaiwan": 14119, + "ĠPow": 14120, + "Ġbearing": 14121, + "ĠThread": 14122, + "Ġzones": 14123, + "izards": 14124, + "unks": 14125, + "Chapter": 14126, + "llor": 14127, + "Ġ·": 14128, + "Ġwounds": 14129, + "Ġdiscretion": 14130, + "Ġsucceeded": 14131, + "iking": 14132, + "Ġiconic": 14133, + "Call": 14134, + "Ġscreening": 14135, + "ĠMis": 14136, + "icts": 14137, + "Ġministers": 14138, + "Ġseparation": 14139, + "Player": 14140, + "Ġbip": 14141, + "Ġbeloved": 14142, + "Ġcounting": 14143, + "ĠEye": 14144, + "around": 14145, + "inging": 14146, + "Ġtablet": 14147, + "Ġoffence": 14148, + "inance": 14149, + "have": 14150, + "ĠInfo": 14151, + "ĠNinja": 14152, + "Ġprotective": 14153, + "ĠCass": 14154, + "Mac": 14155, + "ĠQuality": 14156, + "North": 14157, + "Ġic": 14158, + "ĠCuba": 14159, + "ĠChronicle": 14160, + "ĠProperty": 14161, + "Ġfastest": 14162, + "otos": 14163, + "ĠGerm": 14164, + "OWN": 14165, + "Ġboom": 14166, + "ĠStanley": 14167, + "erguson": 14168, + "Ġclever": 14169, + "Ġenters": 14170, + "mode": 14171, + "terior": 14172, + "ĠSens": 14173, + "Ġlinear": 14174, + "ARK": 14175, + "Ġcomparing": 14176, + "Ġpurely": 14177, + "Ġsafer": 14178, + "ĠPotter": 14179, + "Ġcups": 14180, + "RT": 14181, + "Ġgluc": 14182, + "Ġattributed": 14183, + "Ġdupl": 14184, + "ĠPap": 14185, + "Ġprecious": 14186, + "Ġpa": 14187, + "ictionary": 14188, + "ĠTig": 14189, + "ĠToo": 14190, + "olutions": 14191, + "stan": 14192, + "Ġrobots": 14193, + "Ġlobb": 14194, + "Ġstatute": 14195, + "Ġprevention": 14196, + "western": 14197, + "160": 14198, + "ĠActive": 14199, + "ĠMaria": 14200, + "hal": 14201, + "None": 14202, + "ellar": 14203, + "ĠKB": 14204, + "ĠPartners": 14205, + "ĠSingle": 14206, + "ĠFollowing": 14207, + "ango": 14208, + "acious": 14209, + "Ġthou": 14210, + "Ġkg": 14211, + "Ġinfluential": 14212, + "ĠFriends": 14213, + "Sur": 14214, + "ainted": 14215, + "Ġforums": 14216, + "Ġstarter": 14217, + "Ġcitizenship": 14218, + "ĠElection": 14219, + "onge": 14220, + "otation": 14221, + "osph": 14222, + ";;;;": 14223, + "utical": 14224, + "pur": 14225, + "eren": 14226, + "Ġaccusations": 14227, + "bitious": 14228, + "abbit": 14229, + "ĠOrd": 14230, + "Posted": 14231, + "irk": 14232, + "Ġsensitivity": 14233, + "iche": 14234, + "ĠAmy": 14235, + "ĠFab": 14236, + "Ġsummit": 14237, + "Ġpedest": 14238, + "Ġrubber": 14239, + "Ġagricultural": 14240, + "Ġcancel": 14241, + "AE": 14242, + "Ġinaug": 14243, + "Ġcontam": 14244, + "Ġfirmly": 14245, + "iw": 14246, + "stage": 14247, + "ĠKan": 14248, + "Ġtier": 14249, + "Ġinvention": 14250, + "Ġtranslated": 14251, + "ĠRules": 14252, + "Box": 14253, + "Twitter": 14254, + "IDS": 14255, + "Ġpizza": 14256, + "Ġdebug": 14257, + "ĠDrop": 14258, + "vs": 14259, + "Ġhorses": 14260, + "big": 14261, + "Ġboring": 14262, + "Ġhood": 14263, + "ĠMcCain": 14264, + "atched": 14265, + "ĠBros": 14266, + "Ġskip": 14267, + "Ġessay": 14268, + "stat": 14269, + "ĠLegends": 14270, + "Ġammunition": 14271, + "auc": 14272, + "Ġshooter": 14273, + "Ġunh": 14274, + "Ġsupplied": 14275, + "Ġgeneric": 14276, + "ĠSK": 14277, + "iban": 14278, + "yrics": 14279, + "Ġ255": 14280, + "Ġclimbing": 14281, + "Former": 14282, + "Ġflip": 14283, + "Ġjumping": 14284, + "Ġfrustration": 14285, + "ĠTerry": 14286, + "Ġneighborhoods": 14287, + "Ġmedian": 14288, + "bean": 14289, + "Ġbrains": 14290, + "Following": 14291, + "Ġshaped": 14292, + "Ġdraws": 14293, + "Ġaltered": 14294, + "Jack": 14295, + "Ġrecipes": 14296, + "Ġskilled": 14297, + "wealth": 14298, + "achi": 14299, + "election": 14300, + "Ġbehaviors": 14301, + "deals": 14302, + "ĠUntil": 14303, + "Fe": 14304, + "Ġdeclaration": 14305, + "marks": 14306, + "ĠBetween": 14307, + "celona": 14308, + "Ġreson": 14309, + "Ġbubble": 14310, + "Among": 14311, + "Ġimperial": 14312, + "GS": 14313, + "Ġfeminist": 14314, + "2005": 14315, + "ĠKyle": 14316, + "Ġaccounting": 14317, + "ĠTele": 14318, + "ĠTyr": 14319, + "Ġconnecting": 14320, + "Ġrehab": 14321, + "ĠPred": 14322, + "sim": 14323, + "Ġmeantime": 14324, + "Ġphysician": 14325, + "MW": 14326, + "ĠCampbell": 14327, + "ĠBrandon": 14328, + "Ġcontributing": 14329, + "ĠRule": 14330, + "ĠWeight": 14331, + "ĠNap": 14332, + "Ġinteractive": 14333, + "Ġvag": 14334, + "Ġhelmet": 14335, + "ĠComb": 14336, + "four": 14337, + "Ġshipped": 14338, + "Ġcompleting": 14339, + "ĠPD": 14340, + "PDATE": 14341, + "Ġspreading": 14342, + "Ġscary": 14343, + "erving": 14344, + "ĠGas": 14345, + "Ġfrank": 14346, + "school": 14347, + "Ġromantic": 14348, + "Ġstabil": 14349, + "Rob": 14350, + "Ġaccurately": 14351, + "Ġacute": 14352, + "ĠHann": 14353, + "Ġsymbols": 14354, + "Ġcivilization": 14355, + "ĠAW": 14356, + "Ġlightning": 14357, + "Ġconsiders": 14358, + "Ġvenue": 14359, + "Ġ×": 14360, + "Ġoven": 14361, + "ĠSF": 14362, + "his": 14363, + "Ġnu": 14364, + "ĠLearn": 14365, + "Ġpeoples": 14366, + "Ġstd": 14367, + "Ġslee": 14368, + "Ġslic": 14369, + "ĠStatistics": 14370, + "Ġcorners": 14371, + "ĠBaker": 14372, + "Ġ:)": 14373, + "mentation": 14374, + "olver": 14375, + "Ġlaughing": 14376, + "ĠTodd": 14377, + "onde": 14378, + "ĠHills": 14379, + "Ġnuts": 14380, + "ĠWoman": 14381, + "plane": 14382, + "Ġliver": 14383, + "ĠInside": 14384, + "Sorry": 14385, + "Ġagrees": 14386, + "Ġfundament": 14387, + "ĠFisher": 14388, + "Ġauction": 14389, + "Ġthreads": 14390, + "glas": 14391, + "ĠBasic": 14392, + "ĠNat": 14393, + "Ġlacking": 14394, + "Ġcelebration": 14395, + "ju": 14396, + "Ġsilly": 14397, + "Euro": 14398, + "Ġtatt": 14399, + "ighty": 14400, + "controlled": 14401, + "Test": 14402, + "ĠSingh": 14403, + "Ġrage": 14404, + "Ġrhyth": 14405, + "offic": 14406, + "ĠPhantom": 14407, + "Ġheadlines": 14408, + "Ġresponding": 14409, + "ĠMorning": 14410, + "Ġvitamin": 14411, + "Ġboots": 14412, + "ĠSite": 14413, + "alin": 14414, + "pi": 14415, + "Ġviral": 14416, + "ĠUC": 14417, + "DER": 14418, + "ĠSex": 14419, + "Ġstocks": 14420, + "current": 14421, + "Ġchurches": 14422, + "ĠRare": 14423, + "ĠMurphy": 14424, + "Ġdenial": 14425, + "ĠGaming": 14426, + "Ġtoug": 14427, + "Ġnick": 14428, + "Ġmakers": 14429, + "ĠRonald": 14430, + "Ġgenerous": 14431, + "ĠDoc": 14432, + "ĠMorris": 14433, + "Ġtransformed": 14434, + "ĠNormal": 14435, + "Ġ104": 14436, + "ĠKickstarter": 14437, + "ĠUpon": 14438, + "Online": 14439, + "ĠIRS": 14440, + "Ġwrap": 14441, + "Ġloving": 14442, + "Ġarrives": 14443, + "ĠDue": 14444, + "Ġheter": 14445, + "ĠMade": 14446, + "Ġrental": 14447, + "Ġbelongs": 14448, + "Ġattorneys": 14449, + "Ġcrops": 14450, + "Ġmatched": 14451, + "ulum": 14452, + "oline": 14453, + "109": 14454, + "Ġdispar": 14455, + "Ġbuyers": 14456, + "ĠCambridge": 14457, + "Ġethics": 14458, + "roups": 14459, + "Ġjustified": 14460, + "Ġmarginal": 14461, + "Ġrespected": 14462, + "winning": 14463, + "Ġnodded": 14464, + "ĠSerge": 14465, + "ĠFormer": 14466, + "Craft": 14467, + "################": 14468, + "ĠWarner": 14469, + "Ġdash": 14470, + "ete": 14471, + "Ġentert": 14472, + "ĠEscape": 14473, + "outheast": 14474, + "Ġknees": 14475, + "ĠBomb": 14476, + "Ġrug": 14477, + "Pass": 14478, + "Ġattitudes": 14479, + "government": 14480, + "ĠPrior": 14481, + "Ġqualities": 14482, + "Ġnotification": 14483, + "ĠPhone": 14484, + "lie": 14485, + "Ġanticipated": 14486, + "ĠCombat": 14487, + "ĠBarry": 14488, + "Ġ1982": 14489, + "Users": 14490, + "oner": 14491, + "Ġcomputing": 14492, + "ĠConnecticut": 14493, + "Ġlesser": 14494, + "Ġpeers": 14495, + "ĠCu": 14496, + "Ġtechnically": 14497, + "Ġsubmission": 14498, + "ĠUniversal": 14499, + "Ġmanually": 14500, + "ourge": 14501, + "Ġrespondents": 14502, + "ĠBTC": 14503, + "ĠHost": 14504, + "Ġfare": 14505, + "ĠBird": 14506, + "Ġreceipt": 14507, + "also": 14508, + "Ġjack": 14509, + "Ġagriculture": 14510, + "Ġskull": 14511, + "Ġ!=": 14512, + "Ġpassive": 14513, + "ĠCI": 14514, + "Ġsocieties": 14515, + "Ġreminded": 14516, + "Ġinterference": 14517, + "Buy": 14518, + "Ġâľ": 14519, + "gon": 14520, + "Ġscrutiny": 14521, + "ĠWitch": 14522, + "Ġconducting": 14523, + "Ġãĥ": 14524, + "Ġexchanges": 14525, + "ĠMitchell": 14526, + "Ġinhabit": 14527, + "Ġtwist": 14528, + "BD": 14529, + "Ġwherever": 14530, + "groupon": 14531, + "Ġjokes": 14532, + "ĠBenjamin": 14533, + "ĠRandom": 14534, + "frame": 14535, + "ĠLions": 14536, + "Ġhighlighted": 14537, + "ĠArkansas": 14538, + "Ent": 14539, + "Ġpile": 14540, + "Ġprelim": 14541, + "gs": 14542, + "minded": 14543, + "Ġfelony": 14544, + "ĠGA": 14545, + "ĠLuck": 14546, + "Ġpractically": 14547, + "ĠBos": 14548, + "Ġactress": 14549, + "Dam": 14550, + "ĠBou": 14551, + "Ġvisa": 14552, + "Ġembedded": 14553, + "Ġhybrid": 14554, + "Ġearliest": 14555, + "Ġsooner": 14556, + "social": 14557, + "ĠHA": 14558, + "Ġsteep": 14559, + "Ġdisadvant": 14560, + "Ġexploit": 14561, + "ĠEgg": 14562, + "ĠUltra": 14563, + "Ġnecessity": 14564, + "Local": 14565, + "iege": 14566, + "Ġdated": 14567, + "Ġmasses": 14568, + "Ġsubscription": 14569, + "pless": 14570, + "Ġanonym": 14571, + "Ġpresumably": 14572, + "Blue": 14573, + "Their": 14574, + "asketball": 14575, + "ĠPhilip": 14576, + "Ġcomed": 14577, + "loaded": 14578, + "rane": 14579, + "Ġreflection": 14580, + "China": 14581, + "Ġextends": 14582, + "Ġforming": 14583, + "Ġunders": 14584, + "2001": 14585, + "Ġgrat": 14586, + "Ġconcentrations": 14587, + "Ġinsulin": 14588, + "Ġsecular": 14589, + "Ġwhilst": 14590, + "Ġwinners": 14591, + "Advertisements": 14592, + "Ġdeliberately": 14593, + "ĠWorking": 14594, + "Ġsink": 14595, + "etics": 14596, + "dale": 14597, + "Ġmandate": 14598, + "Ġgram": 14599, + "Ġvacation": 14600, + "Ġwarnings": 14601, + "ripp": 14602, + "ĠTHAT": 14603, + "Ġcommentary": 14604, + "Ġintu": 14605, + "Ġaest": 14606, + "Ġreasoning": 14607, + "Ġbreakdown": 14608, + "ĠZombie": 14609, + "Ġ-->": 14610, + "ĠPolitical": 14611, + "cott": 14612, + "Ġthrust": 14613, + "Ġtechnological": 14614, + "Ġdeciding": 14615, + "Ġtrafficking": 14616, + "Long": 14617, + "Welcome": 14618, + "prising": 14619, + "ĠCommunications": 14620, + "Ġendors": 14621, + "Ġswift": 14622, + "Ġmetabol": 14623, + "coins": 14624, + "resa": 14625, + "ĠHTTP": 14626, + "Ġenroll": 14627, + "ĠHappy": 14628, + "usr": 14629, + "intage": 14630, + "Ġ[\"": 14631, + "uably": 14632, + "ĠMaterial": 14633, + "Ġrepeal": 14634, + "Sept": 14635, + "kh": 14636, + "ĠModi": 14637, + "Ġunderneath": 14638, + "ĠIL": 14639, + "shore": 14640, + "Ġdiagnosed": 14641, + "aceutical": 14642, + "Ġshower": 14643, + "aux": 14644, + "ĠSwitch": 14645, + "ĠStrength": 14646, + "Ġjihad": 14647, + "national": 14648, + "Ġtrauma": 14649, + "ussy": 14650, + "oni": 14651, + "Ġconsolid": 14652, + "Ġcalories": 14653, + "ĠFlynn": 14654, + "agged": 14655, + "168": 14656, + "ĠPink": 14657, + "Ġfulfill": 14658, + "Ġchains": 14659, + "Ġnotably": 14660, + "ĠAV": 14661, + "Life": 14662, + "ĠChuck": 14663, + "mus": 14664, + "ĠUrban": 14665, + "ĠHend": 14666, + "Ġdeposit": 14667, + "ĠSad": 14668, + "Ġaffair": 14669, + "ORK": 14670, + "ieval": 14671, + "ĠFDA": 14672, + "Ġtrop": 14673, + "ĠOverall": 14674, + "Ġvirtue": 14675, + "Ġsatisfaction": 14676, + "aund": 14677, + "Ġlun": 14678, + "ĠSwitzerland": 14679, + "ĠOperation": 14680, + "process": 14681, + "Ġshook": 14682, + "Ġcounties": 14683, + "leased": 14684, + "ĠCharlotte": 14685, + "112": 14686, + "Ġtranscript": 14687, + "Ġredd": 14688, + "push": 14689, + "ĠHey": 14690, + "ĠAnalysis": 14691, + "[\"": 14692, + "Ġalternatives": 14693, + "ardless": 14694, + "Ġeleph": 14695, + "Ġprejud": 14696, + "ĠLeaf": 14697, + "Having": 14698, + "ĠHub": 14699, + "Ġexpressions": 14700, + "ĠVolume": 14701, + "Ġshocking": 14702, + "ĠReds": 14703, + "Ġreadily": 14704, + "Ġplanets": 14705, + "adata": 14706, + "Ġcollapsed": 14707, + "ĠMadrid": 14708, + "Ġirrit": 14709, + "ipper": 14710, + "ĠEnc": 14711, + "ĠWire": 14712, + "Ġbuzz": 14713, + "ĠGP": 14714, + "asha": 14715, + "Ġaccidentally": 14716, + "uru": 14717, + "Ġfrustrated": 14718, + "ĠSA": 14719, + "Ġhungry": 14720, + "ĠHuff": 14721, + "Ġlabels": 14722, + "anto": 14723, + "ĠEP": 14724, + "Ġbarriers": 14725, + ")|": 14726, + "ĠBerkeley": 14727, + "ĠJets": 14728, + "Ġpairs": 14729, + "ĠLan": 14730, + "James": 14731, + "ĠBear": 14732, + "Ġhumor": 14733, + "ĠLiberty": 14734, + "Ġmagnitude": 14735, + "Ġaging": 14736, + "ĠMason": 14737, + "Ġfriendship": 14738, + "umbling": 14739, + "Ġemerge": 14740, + "Ġnewspapers": 14741, + "Ġambitious": 14742, + "ĠRichards": 14743, + "aternal": 14744, + "Ġ1981": 14745, + "Ġcookies": 14746, + "Ġsculpt": 14747, + "Ġpursuit": 14748, + "Location": 14749, + "Ġscripts": 14750, + "pc": 14751, + "Ġarrangements": 14752, + "Ġdiameter": 14753, + "Ġloses": 14754, + "amation": 14755, + "Ġliqu": 14756, + "ĠJake": 14757, + "arette": 14758, + "Ġunderstands": 14759, + "ĠZen": 14760, + "vm": 14761, + "Ġapprove": 14762, + "Ġwip": 14763, + "Ġultra": 14764, + "Ġintend": 14765, + "ĠDI": 14766, + "ascular": 14767, + "Ġstays": 14768, + "ĠKor": 14769, + "ĠKl": 14770, + "Ġinvesting": 14771, + "La": 14772, + "Ġbelieving": 14773, + "bad": 14774, + "mouth": 14775, + "Ġtaxpayer": 14776, + "ãĥĥ": 14777, + "ĠQuebec": 14778, + "Ġlap": 14779, + "ĠSwiss": 14780, + "drop": 14781, + "Ġdrain": 14782, + "iri": 14783, + "etc": 14784, + "ften": 14785, + "ĠNex": 14786, + "Ġstraw": 14787, + "Ġscreaming": 14788, + "Ġcounted": 14789, + "Ġdamaging": 14790, + "Ġambassador": 14791, + "century": 14792, + "Ġprox": 14793, + "Ġarrests": 14794, + "uv": 14795, + "ilateral": 14796, + "ĠCharg": 14797, + "Ġprescribed": 14798, + "Ġindependently": 14799, + "Ġfierce": 14800, + "ĠBaby": 14801, + "Ġbrave": 14802, + "Ġsuits": 14803, + "=>": 14804, + "Ġbaseline": 14805, + "ĠRate": 14806, + "Ġislands": 14807, + "Ġ((": 14808, + "green": 14809, + "ixels": 14810, + "Ġnamely": 14811, + "ĠVillage": 14812, + "than": 14813, + "amy": 14814, + "Version": 14815, + "gmail": 14816, + "entials": 14817, + "ĠSud": 14818, + "ĠMelbourne": 14819, + "Ġarriving": 14820, + "Ġquantum": 14821, + "eff": 14822, + "ropolitan": 14823, + "Tri": 14824, + "Ġfuneral": 14825, + "ĠIR": 14826, + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ": 14827, + "ĠCob": 14828, + "itably": 14829, + "Ġturb": 14830, + "Ġcombo": 14831, + "Review": 14832, + "Ġdeployment": 14833, + "uity": 14834, + "ĠBott": 14835, + "Ġinvisible": 14836, + "Ġrendering": 14837, + "Ġunlocked": 14838, + "Ġaqu": 14839, + "ĠVladimir": 14840, + "Ġpad": 14841, + "ĠBrain": 14842, + "ĠLegacy": 14843, + "dragon": 14844, + "ĠKurdish": 14845, + "Ġsounded": 14846, + "Ġdetained": 14847, + "ĠDM": 14848, + "gary": 14849, + "Ġdaughters": 14850, + "Ġdisturbing": 14851, + "uka": 14852, + "ĠParad": 14853, + "Ġtast": 14854, + "Ġunfortunate": 14855, + "Ġul": 14856, + "emin": 14857, + "Ġattendance": 14858, + "trl": 14859, + "Ġparks": 14860, + "ĠMemorial": 14861, + "ĠAlice": 14862, + "othy": 14863, + "guard": 14864, + "ĠDise": 14865, + "ĠShan": 14866, + "ĠForum": 14867, + "Rich": 14868, + "Ġshifted": 14869, + "uez": 14870, + "Ġlighter": 14871, + "ĠMagn": 14872, + "Ġcod": 14873, + "Sch": 14874, + "hammad": 14875, + "Pub": 14876, + "350": 14877, + "ĠPokemon": 14878, + "Ġprototype": 14879, + "Ġunre": 14880, + "Base": 14881, + "ĠStudents": 14882, + "ĠReply": 14883, + "ĠCommunist": 14884, + "Ġgau": 14885, + "ĠTyler": 14886, + "IZ": 14887, + "Ġparticipated": 14888, + "Ġsuprem": 14889, + "ĠDetails": 14890, + "Ġvessels": 14891, + "rod": 14892, + "Ġtribe": 14893, + "keep": 14894, + "Ġassumptions": 14895, + "Ġpound": 14896, + "Ġcrude": 14897, + "ĠAvailable": 14898, + "Ġswimming": 14899, + "Ġinclusion": 14900, + "Ġadvances": 14901, + "culation": 14902, + "Ġconservation": 14903, + "Ġoverd": 14904, + "ĠBuffalo": 14905, + "Article": 14906, + "edge": 14907, + "Ġawa": 14908, + "ĠMadison": 14909, + "Ġsidew": 14910, + "Ġcatast": 14911, + "ĠKrist": 14912, + "ucle": 14913, + "ĠHighway": 14914, + "ĠTerror": 14915, + "Ġactivation": 14916, + "Ġunconscious": 14917, + "ĠSatan": 14918, + "ĠSusan": 14919, + "illery": 14920, + "Ġarranged": 14921, + "iop": 14922, + "Ġrumors": 14923, + "urring": 14924, + "think": 14925, + "ĠKeith": 14926, + "ĠKind": 14927, + "Ġavoiding": 14928, + "byn": 14929, + "nut": 14930, + "ĠSpeaker": 14931, + "rus": 14932, + "names": 14933, + "Ġguilt": 14934, + "ĠOlympics": 14935, + "Ġsail": 14936, + "ĠMes": 14937, + "levant": 14938, + "ĠColumbus": 14939, + "aft": 14940, + "City": 14941, + "South": 14942, + "ĠHarvey": 14943, + "ĠPun": 14944, + "Several": 14945, + "Ġmentally": 14946, + "Ġimpress": 14947, + "mount": 14948, + "ĠUbuntu": 14949, + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ": 14950, + "ĠSuperman": 14951, + "ĠMPs": 14952, + "Ġintentions": 14953, + "ĠRacing": 14954, + "Ġlikelihood": 14955, + "Ġ240": 14956, + "Total": 14957, + "Ġtoys": 14958, + "ĠWatson": 14959, + "Ġurge": 14960, + "Lear": 14961, + "ĠPaper": 14962, + "Ġoccurring": 14963, + "ĠBeng": 14964, + "ĠCert": 14965, + "Ġstones": 14966, + "Tim": 14967, + "ĠTwin": 14968, + "zb": 14969, + "ĠDynam": 14970, + "Ġpolitician": 14971, + "kens": 14972, + "ĠEnterprise": 14973, + "UTERS": 14974, + "Ġabol": 14975, + "Ġrefresh": 14976, + "Ġarbitrary": 14977, + "pection": 14978, + "Ġtroubles": 14979, + "Ġ});": 14980, + "tv": 14981, + "Ġpilots": 14982, + "Ġdistribute": 14983, + "Ġaudit": 14984, + "Ġpause": 14985, + "original": 14986, + "Ġrivals": 14987, + "£": 14988, + "Fig": 14989, + "TL": 14990, + "abil": 14991, + "rying": 14992, + "Lin": 14993, + "ioned": 14994, + "lon": 14995, + "Ġfancy": 14996, + "Ġcrashed": 14997, + "Ġtract": 14998, + "Ġshed": 14999, + "Ġconsume": 15000, + "Based": 15001, + "download": 15002, + "init": 15003, + "Ġvoltage": 15004, + "Introdu": 15005, + "Ġcondemned": 15006, + "ĠFinance": 15007, + "respect": 15008, + "Ġexcluded": 15009, + "Ġestablishing": 15010, + "heric": 15011, + "Ġheritage": 15012, + "Ġspectacular": 15013, + "Ġunst": 15014, + "ĠSnowden": 15015, + "ĠLane": 15016, + "San": 15017, + "Ġprotections": 15018, + "struction": 15019, + "incinn": 15020, + "Ġmacro": 15021, + "Custom": 15022, + "iosity": 15023, + "Ġesp": 15024, + "Ġfunctioning": 15025, + "Ġmush": 15026, + "Ġpuzzle": 15027, + "Ġethical": 15028, + "Mal": 15029, + "Ġgoverning": 15030, + "ĠFerguson": 15031, + "Ġrestored": 15032, + "Ġstressed": 15033, + "ĠCounter": 15034, + "ĠKas": 15035, + "clip": 15036, + "ANS": 15037, + "Ġseiz": 15038, + "UK": 15039, + "byss": 15040, + "oldown": 15041, + "api": 15042, + "Ġpermanently": 15043, + "ounters": 15044, + "West": 15045, + "Through": 15046, + "Light": 15047, + "atoes": 15048, + "Ġneat": 15049, + "Ġcord": 15050, + "urer": 15051, + "Ġseverely": 15052, + "ĠAven": 15053, + "Ġinterrog": 15054, + "Ġtriple": 15055, + "Given": 15056, + "Number": 15057, + "Ġarise": 15058, + "Ġsher": 15059, + "plant": 15060, + "Ġflower": 15061, + "ĠCou": 15062, + "Ġate": 15063, + "Ġnewer": 15064, + "bul": 15065, + "Ġmeanwhile": 15066, + "ĠLair": 15067, + "Ġadjustment": 15068, + "ĠCopyright": 15069, + "Ġdivers": 15070, + "iological": 15071, + "Ġgamers": 15072, + "oat": 15073, + "Ġhistorically": 15074, + "Ġanalog": 15075, + "Ġlongtime": 15076, + "Ġprescription": 15077, + "ĠMist": 15078, + "ĠHyper": 15079, + "ĠMaine": 15080, + "ĠDeity": 15081, + "Ġmultipl": 15082, + "ĠReincarn": 15083, + "ĠHyd": 15084, + "ĠPic": 15085, + "Sil": 15086, + "rants": 15087, + "ĠCris": 15088, + ".;": 15089, + "({": 15090, + "ependence": 15091, + "Ġrecy": 15092, + "ateur": 15093, + "Ġquad": 15094, + "Ġglob": 15095, + "Ġconced": 15096, + "team": 15097, + "Ġcapitalist": 15098, + "ĠLot": 15099, + "Ġroyal": 15100, + "ĠCyber": 15101, + "Ġblacks": 15102, + "metic": 15103, + "riv": 15104, + "ĠDanny": 15105, + "Ġspo": 15106, + "ĠRO": 15107, + "Ġanimated": 15108, + "rypted": 15109, + "ĠDeputy": 15110, + "Ġrendered": 15111, + "FE": 15112, + "Ġstreak": 15113, + "Ġclouds": 15114, + "ĠDoug": 15115, + "~~~~~~~~": 15116, + "Ġdiscour": 15117, + "ĠVeh": 15118, + "Ġpsychology": 15119, + "ĠJourney": 15120, + "Ġcrystal": 15121, + "ĠFrost": 15122, + "Ġsuspicion": 15123, + "Ġrelate": 15124, + "orus": 15125, + "ĠCrypt": 15126, + "ĠNVIDIA": 15127, + "comed": 15128, + "uting": 15129, + "incinnati": 15130, + "Ġvulnerability": 15131, + "ostic": 15132, + "Ġisolation": 15133, + "Ġcooling": 15134, + "ĠCoalition": 15135, + "Ġ119": 15136, + "Four": 15137, + "ĠDeal": 15138, + "Ġâī": 15139, + "semble": 15140, + "rament": 15141, + "ĠBarcelona": 15142, + "Ġ102": 15143, + "Ġcocaine": 15144, + "ocalypse": 15145, + "Feb": 15146, + "ogenic": 15147, + "Ġmutation": 15148, + "Ġcryptoc": 15149, + "ĠKel": 15150, + "ĠGit": 15151, + "ais": 15152, + "Ġsisters": 15153, + "ANK": 15154, + "Ġactivate": 15155, + "Ter": 15156, + "Ġdread": 15157, + "ylon": 15158, + "Ġpropri": 15159, + "Aust": 15160, + "ĠDefault": 15161, + "Ġoutdoor": 15162, + "Ġsheer": 15163, + "ceive": 15164, + "Ġgently": 15165, + "о": 15166, + "Program": 15167, + "ĠâĨĴ": 15168, + "Ġvegan": 15169, + "ĠCrus": 15170, + "Ġresponsibilities": 15171, + "ĠHR": 15172, + "OLD": 15173, + "Ġprevents": 15174, + "Ġstiff": 15175, + "ĠWere": 15176, + "Ġathletic": 15177, + "ĠScore": 15178, + "Ġ):": 15179, + "Ġcolumns": 15180, + "ĠLoc": 15181, + "available": 15182, + "ĠFram": 15183, + "ĠSessions": 15184, + "Ġcompanion": 15185, + "Ġpacks": 15186, + "140": 15187, + "ĠKnights": 15188, + "Ġfart": 15189, + "Ġstreams": 15190, + "Ġshore": 15191, + "Ġappeals": 15192, + "ĠPerformance": 15193, + "haul": 15194, + "ĠStra": 15195, + "ĠNag": 15196, + "103": 15197, + "ĠTransportation": 15198, + "BB": 15199, + "Ev": 15200, + "zan": 15201, + "Public": 15202, + "Ġtwin": 15203, + "ulsion": 15204, + "Mult": 15205, + "Ġelectro": 15206, + "Ġstatue": 15207, + "ationally": 15208, + "ĠNort": 15209, + "Ġinspection": 15210, + "/*": 15211, + "igue": 15212, + "Ġcompassion": 15213, + "ĠTales": 15214, + "ĠStein": 15215, + "ĠScreen": 15216, + "ĠBug": 15217, + "ĠLion": 15218, + "girl": 15219, + "Ġwithdrawal": 15220, + "Ġobjectives": 15221, + "Ġbloody": 15222, + "Ġpreliminary": 15223, + "Ġjacket": 15224, + "Ġdimensions": 15225, + "ĠCool": 15226, + "ĠOccup": 15227, + "Ġwreck": 15228, + "Ġdoubled": 15229, + "anking": 15230, + "Ġ1975": 15231, + "Ġglasses": 15232, + "ĠWang": 15233, + "prov": 15234, + "Path": 15235, + "connected": 15236, + "ĠMulti": 15237, + "ĠNorway": 15238, + "agonist": 15239, + "Ġfeared": 15240, + "Ġtouching": 15241, + "Ġarguably": 15242, + "¯¯¯¯¯¯¯¯": 15243, + "ĠNCAA": 15244, + "chem": 15245, + "Ġspat": 15246, + "ĠWWE": 15247, + "ĠCel": 15248, + "igger": 15249, + "Ġattacker": 15250, + "ĠJoin": 15251, + "object": 15252, + "etta": 15253, + "Ġeliminated": 15254, + "det": 15255, + "Ġdestruct": 15256, + "ĠLucas": 15257, + "ctuary": 15258, + "180": 15259, + "ĠBrady": 15260, + "ĠBlues": 15261, + "Bay": 15262, + "aukee": 15263, + "Ġtimeline": 15264, + "Ġdelegates": 15265, + "written": 15266, + "ufficient": 15267, + "Ġshapes": 15268, + "Copyright": 15269, + "ouble": 15270, + "service": 15271, + "Ġpione": 15272, + "Ġcolleges": 15273, + "Ġrows": 15274, + "Ġspite": 15275, + "Ġassessed": 15276, + "360": 15277, + "Ġlease": 15278, + "Ġconfidential": 15279, + "cker": 15280, + "ĠManning": 15281, + "ĠVoice": 15282, + "Ġsealed": 15283, + "Ġcalculate": 15284, + "NO": 15285, + "ĠAssistant": 15286, + "Ġteenager": 15287, + "ulent": 15288, + "atherine": 15289, + "Ġmock": 15290, + "Ġdiamond": 15291, + "Ġfest": 15292, + "Ġswitched": 15293, + "Ġresume": 15294, + "ĠPuerto": 15295, + "Ġlanes": 15296, + "iration": 15297, + "ĠSimilarly": 15298, + "Ġrod": 15299, + "ĠSel": 15300, + "ĠPalace": 15301, + "ĠLimited": 15302, + "eous": 15303, + "Ġvariant": 15304, + "Ġward": 15305, + "Ġ))": 15306, + "Show": 15307, + "OOK": 15308, + "Alex": 15309, + "ĠNep": 15310, + "bris": 15311, + "ĠWikipedia": 15312, + "Ġexceptional": 15313, + "Ġmanages": 15314, + "ĠDraw": 15315, + "Again": 15316, + "Ġcopper": 15317, + "utt": 15318, + "Ġexports": 15319, + "Ġportfolio": 15320, + "Ġelevated": 15321, + "Rated": 15322, + "ĠOtherwise": 15323, + "ĠTact": 15324, + "ĠShel": 15325, + "ĠTX": 15326, + "\"âĢĶ": 15327, + "Ġresur": 15328, + "ĠWa": 15329, + "venant": 15330, + "Ġmonetary": 15331, + "people": 15332, + "Email": 15333, + "Ġfifty": 15334, + "ĠSweet": 15335, + "ĠMalaysia": 15336, + "Ġconfusing": 15337, + "ĠRio": 15338, + "uda": 15339, + "utenant": 15340, + "\");": 15341, + "Ġpraised": 15342, + "Ġvolumes": 15343, + "turn": 15344, + "Ġmature": 15345, + "Ġnonprofit": 15346, + "Ġpassionate": 15347, + "ĠPrivate": 15348, + "Ġ103": 15349, + "Ġdescend": 15350, + "ç¥ŀ": 15351, + "uffy": 15352, + "headed": 15353, + "Whether": 15354, + "rien": 15355, + "zech": 15356, + "beit": 15357, + "Ġchrom": 15358, + "ĠMcM": 15359, + "Ġdancing": 15360, + "Ġeleg": 15361, + "ĠNoticed": 15362, + "115": 15363, + "Ġadvocacy": 15364, + "ENTS": 15365, + "ambling": 15366, + "ĠMinor": 15367, + "ĠFinn": 15368, + "Ġpriorities": 15369, + "Ġthereof": 15370, + "ĠStage": 15371, + "ĠRogers": 15372, + "Ġsubstitute": 15373, + "ĠJar": 15374, + "ĠJefferson": 15375, + "Ġlightly": 15376, + "102": 15377, + "ĠLisa": 15378, + "uits": 15379, + "ysical": 15380, + "Ġshifts": 15381, + "Ġdrones": 15382, + "Ġworkplace": 15383, + "Ġresid": 15384, + "ensed": 15385, + "ahn": 15386, + "Ġpreferences": 15387, + "server": 15388, + "Ġdebates": 15389, + "doc": 15390, + "ĠGods": 15391, + "Ġhelicopter": 15392, + "Ġhonour": 15393, + "Ġconsiderably": 15394, + "eded": 15395, + "ĠFemale": 15396, + "ĠAnne": 15397, + "Ġreun": 15398, + "ĠFace": 15399, + "ĠHallow": 15400, + "ĠBudget": 15401, + "Ġcondemn": 15402, + "Ġtender": 15403, + "Prof": 15404, + "ocratic": 15405, + "ĠTurner": 15406, + "ĠAgric": 15407, + "Ġ1976": 15408, + "Ġapt": 15409, + "disc": 15410, + "ĠFighter": 15411, + "ĠAur": 15412, + "Ġgarbage": 15413, + "input": 15414, + "ĠKarl": 15415, + "ĠOliver": 15416, + "ĠLanguage": 15417, + "kn": 15418, + "Non": 15419, + "ĠClar": 15420, + "Ġtraditions": 15421, + "Ġadvertisement": 15422, + "ĠSor": 15423, + "Ġarchive": 15424, + "Ġvillages": 15425, + "750": 15426, + "Ġimplementing": 15427, + "waukee": 15428, + "Ġdietary": 15429, + "Ġswitching": 15430, + "Republic": 15431, + "Ġvelocity": 15432, + "Ġcit": 15433, + "ĠAwards": 15434, + "Ġfinancing": 15435, + "Ġlasted": 15436, + ")]": 15437, + "Ġreminder": 15438, + "Person": 15439, + "Ġprecision": 15440, + "Ġdesigners": 15441, + "ĠFried": 15442, + "ĠBorder": 15443, + "Ġtragic": 15444, + "Ġwield": 15445, + "Ġinitiatives": 15446, + "ĠTank": 15447, + "wer": 15448, + "Ġjoins": 15449, + "Ro": 15450, + "inery": 15451, + "Ġarrow": 15452, + "Ġgenerating": 15453, + "founder": 15454, + "Ġsearches": 15455, + "Ġrandomly": 15456, + "Access": 15457, + "Ġbatch": 15458, + "Ġposed": 15459, + "lat": 15460, + "Ġpursuing": 15461, + "asa": 15462, + "Ġtestified": 15463, + "forming": 15464, + "ĠShar": 15465, + "wiki": 15466, + "ĠEither": 15467, + "Sometimes": 15468, + "Ġsenators": 15469, + "ĠJohnny": 15470, + "ĠTaliban": 15471, + "ĠGPS": 15472, + "\":\"/": 15473, + "ãģ®å": 15474, + "Ġanalyzed": 15475, + "ĠRubio": 15476, + "ĠMovement": 15477, + "opard": 15478, + "iii": 15479, + "Stand": 15480, + "fight": 15481, + "Ġignoring": 15482, + "iang": 15483, + "ĠGN": 15484, + "soever": 15485, + "ĠSTAT": 15486, + "Ġrefusing": 15487, + "Ġsweat": 15488, + "Ġbay": 15489, + "PORT": 15490, + "irmed": 15491, + "aky": 15492, + "Ġdispro": 15493, + "Ġlabeled": 15494, + "Ġ108": 15495, + "Hello": 15496, + "Ġpleasant": 15497, + "aba": 15498, + "Ġtriumph": 15499, + "Ġaboard": 15500, + "Ġincom": 15501, + "ĠCrow": 15502, + "lett": 15503, + "Ġfolk": 15504, + "Ġchase": 15505, + "``": 15506, + "ĠBrus": 15507, + "Ġteens": 15508, + "cue": 15509, + "Ġterrain": 15510, + "hyd": 15511, + "ilight": 15512, + "ORY": 15513, + "Support": 15514, + "ews": 15515, + "lli": 15516, + "raints": 15517, + "ĠCand": 15518, + "Ġabused": 15519, + "achment": 15520, + "larg": 15521, + "Bas": 15522, + "ĠCancer": 15523, + "Ġ1978": 15524, + "Ġsupporter": 15525, + "access": 15526, + "ĠTermin": 15527, + "ĠTampa": 15528, + "ĠANY": 15529, + "Ġnewest": 15530, + "ĠCriminal": 15531, + "edu": 15532, + "Ġ1930": 15533, + "Ġadmits": 15534, + "Ġende": 15535, + "Ġfailures": 15536, + "urate": 15537, + "fulness": 15538, + "cycl": 15539, + "ĠSubject": 15540, + "Ġinfinite": 15541, + "three": 15542, + "WA": 15543, + "pit": 15544, + "ĠInstall": 15545, + "Rad": 15546, + "iliation": 15547, + "GM": 15548, + "Ġcontinent": 15549, + "Ġaccommodate": 15550, + "ĠClay": 15551, + "Ġpup": 15552, + "ĠFunction": 15553, + "Ġhammer": 15554, + "ĠAlberta": 15555, + "Ġrevised": 15556, + "Ġminorities": 15557, + "Ġmeasurement": 15558, + "Connell": 15559, + "Ġdisable": 15560, + "ĠMix": 15561, + "Incre": 15562, + "Ġfork": 15563, + "ĠRosen": 15564, + "Ġimplies": 15565, + "umblr": 15566, + "ANG": 15567, + "Ġproteins": 15568, + "Ġaggression": 15569, + "Ġfacilitate": 15570, + "SN": 15571, + "Ġillegally": 15572, + "uer": 15573, + "Ġacadem": 15574, + "Ġpuzz": 15575, + "ĠShift": 15576, + "pay": 15577, + "ollo": 15578, + "Ġaudiences": 15579, + "Build": 15580, + "Ġnoble": 15581, + "Ġsyntax": 15582, + "âĺħ": 15583, + "Ġbeam": 15584, + "ĠBed": 15585, + "ĠAld": 15586, + "Ġorigins": 15587, + "video": 15588, + "Ġ1977": 15589, + "ĠAssault": 15590, + "Ġgarage": 15591, + "Team": 15592, + "Ġverdict": 15593, + "Ġdwar": 15594, + "ĠVirtual": 15595, + "event": 15596, + "Keep": 15597, + "Ġsentiment": 15598, + "Ġwildlife": 15599, + "shirt": 15600, + "Ġburg": 15601, + "Ġrecommendation": 15602, + "represent": 15603, + "Ġgallery": 15604, + "owners": 15605, + "Ġscholar": 15606, + "Ġconvenience": 15607, + "ĠSwift": 15608, + "Ġconvinc": 15609, + "Cap": 15610, + "Ġwarfare": 15611, + "ĠVisual": 15612, + "Ġconstitute": 15613, + "Ġabort": 15614, + "ĠWeather": 15615, + "ĠLooking": 15616, + "ĠHem": 15617, + "Ġmartial": 15618, + "Ġincoming": 15619, + "etition": 15620, + "Ġtolerance": 15621, + "ĠCreated": 15622, + "Ġflows": 15623, + "ĠElder": 15624, + "Ġsouls": 15625, + "Ġfoul": 15626, + "ĠPain": 15627, + "ĠCAN": 15628, + "Ġ220": 15629, + "bc": 15630, + "hend": 15631, + "Ġgenius": 15632, + "Real": 15633, + "ĠWr": 15634, + "ometer": 15635, + "pad": 15636, + "Ġlimiting": 15637, + "ĠSi": 15638, + "ĠLore": 15639, + "ĠAdventures": 15640, + "Ġvaried": 15641, + "Disc": 15642, + "fin": 15643, + "ĠPersonal": 15644, + "Chris": 15645, + "Ġinvented": 15646, + "Ġdive": 15647, + "ĠRise": 15648, + "Ġoz": 15649, + "ĠComics": 15650, + "Ġexpose": 15651, + "ĠReb": 15652, + "letters": 15653, + "site": 15654, + "imated": 15655, + "Ġhacking": 15656, + "Ġeducated": 15657, + "ĠNobody": 15658, + "Ġdepri": 15659, + "Ġincentive": 15660, + "ãĤ·": 15661, + "Ġoversight": 15662, + "Ġtribes": 15663, + "ĠBelgium": 15664, + "Ġlicensing": 15665, + "ourt": 15666, + "Product": 15667, + "ahl": 15668, + "ĠGem": 15669, + "Ġspecialist": 15670, + "Ġcra": 15671, + "anners": 15672, + "ĠCorbyn": 15673, + "Ġ1973": 15674, + "READ": 15675, + "Ġsummar": 15676, + "Ġoverlook": 15677, + "ĠApplication": 15678, + "Ġinappropriate": 15679, + "Ġdownloaded": 15680, + "Que": 15681, + "ĠBears": 15682, + "Ġthumb": 15683, + "ĠCharacter": 15684, + "ĠReincarnated": 15685, + "ĠSid": 15686, + "Ġdemonstrates": 15687, + "sky": 15688, + "ĠBloomberg": 15689, + "ĠArray": 15690, + "ĠResults": 15691, + "ĠFourth": 15692, + "ĠEDT": 15693, + "ĠOscar": 15694, + "cend": 15695, + "Ġ106": 15696, + "ĠNULL": 15697, + "ĠHERE": 15698, + "match": 15699, + "ĠBrun": 15700, + "Ġglucose": 15701, + "ieg": 15702, + "egu": 15703, + "Ġcertified": 15704, + "Ġrelie": 15705, + "Ġhumanitarian": 15706, + "Ġprayers": 15707, + "King": 15708, + "Ġnan": 15709, + "hou": 15710, + "108": 15711, + "ulu": 15712, + "Ġrenewable": 15713, + "Ġdistinguish": 15714, + "Ġdense": 15715, + "ĠVent": 15716, + "ĠPackage": 15717, + "ĠBoss": 15718, + "Ġeditors": 15719, + "Ġmigr": 15720, + "Tra": 15721, + "ĠPeters": 15722, + "ĠArctic": 15723, + "2004": 15724, + "ĠCape": 15725, + "Ġlocally": 15726, + "Ġlasting": 15727, + "Ġhandy": 15728, + ".).": 15729, + "Pan": 15730, + "ĠRES": 15731, + "Index": 15732, + "Ġtensions": 15733, + "Ġformerly": 15734, + "Ġideological": 15735, + "Ġsensors": 15736, + "Ġdealers": 15737, + "Ġdefines": 15738, + "Sk": 15739, + "Ġproceeds": 15740, + "Ġproxy": 15741, + "azines": 15742, + "ĠBash": 15743, + "ĠPad": 15744, + "ĠCraft": 15745, + "ealous": 15746, + "Ġsheets": 15747, + "ometry": 15748, + "June": 15749, + "clock": 15750, + "TT": 15751, + "ĠTheatre": 15752, + "ĠBuzz": 15753, + "Ġchapters": 15754, + "Ġmillenn": 15755, + "Ġdough": 15756, + "ĠCongressional": 15757, + "Ġimagined": 15758, + "avior": 15759, + "Ġclinic": 15760, + "Ġ1945": 15761, + "Ġholder": 15762, + "root": 15763, + "olester": 15764, + "Ġrestart": 15765, + "BN": 15766, + "ĠHamas": 15767, + "ĠJob": 15768, + "Ġorb": 15769, + "Ġram": 15770, + "Ġdisclose": 15771, + "Ġtranslate": 15772, + "Ġimmigrant": 15773, + "Ġannoying": 15774, + "Ġtreaty": 15775, + "anium": 15776, + "ĠTea": 15777, + "ĠLegion": 15778, + "Ġcrowds": 15779, + "ĠBec": 15780, + "ĠAer": 15781, + "ohyd": 15782, + "Bro": 15783, + "Looking": 15784, + "Ġlbs": 15785, + "Ġaggress": 15786, + "Ġseam": 15787, + "Ġintercept": 15788, + "ĠMI": 15789, + "mercial": 15790, + "activ": 15791, + "ĠCit": 15792, + "Ġdimension": 15793, + "Ġconsistency": 15794, + "Ġrushing": 15795, + "ĠDouglas": 15796, + "Ġtrim": 15797, + "Install": 15798, + "icker": 15799, + "Ġshy": 15800, + "106": 15801, + "Ġmentions": 15802, + "pelled": 15803, + "ĠTak": 15804, + "cost": 15805, + "Ġclassroom": 15806, + "Ġfortune": 15807, + "driven": 15808, + "Ġunle": 15809, + "ĠWheel": 15810, + "Ġinvestor": 15811, + "ĠMasters": 15812, + "kit": 15813, + "Ġassociations": 15814, + "ĠEvolution": 15815, + "oping": 15816, + "uscript": 15817, + "Ġprovincial": 15818, + "ĠWalter": 15819, + "avi": 15820, + "SO": 15821, + "Ġunlimited": 15822, + "English": 15823, + "ĠCards": 15824, + "ĠEbola": 15825, + "nered": 15826, + "Ġrevenge": 15827, + "Ġoutright": 15828, + "umper": 15829, + "Ġfitting": 15830, + "ĠSolid": 15831, + "Ġformally": 15832, + "Ġproblematic": 15833, + "Ġhazard": 15834, + "Ġencryption": 15835, + "Ġstraightforward": 15836, + "ĠAK": 15837, + "Ġpse": 15838, + "ĠOrb": 15839, + "ĠChamber": 15840, + "ĠMak": 15841, + "Contents": 15842, + "Ġloyalty": 15843, + "Ġlyrics": 15844, + "ĠSym": 15845, + "Ġwelcomed": 15846, + "Ġcooked": 15847, + "Ġmonop": 15848, + "Ġnurse": 15849, + "Ġmisleading": 15850, + "Ġeternal": 15851, + "Ġshifting": 15852, + "Ġ+=": 15853, + "Vis": 15854, + "Ġinstitutional": 15855, + "illary": 15856, + "Ġpant": 15857, + "VERT": 15858, + "ĠACC": 15859, + "ĠEnh": 15860, + "Ġincon": 15861, + "ĠREUTERS": 15862, + "Ġdonated": 15863, + "â̦â̦â̦â̦": 15864, + "Intern": 15865, + "Ġexhibit": 15866, + "Ġtire": 15867, + "ĠRic": 15868, + "ĠChampion": 15869, + "ĠMuhammad": 15870, + "NING": 15871, + "ĠSoccer": 15872, + "Ġmobility": 15873, + "Ġvarying": 15874, + "ĠMovie": 15875, + "Ġlord": 15876, + "oak": 15877, + "Field": 15878, + "Ġvector": 15879, + "usions": 15880, + "Ġscrap": 15881, + "Ġenabling": 15882, + "make": 15883, + "Tor": 15884, + ".*": 15885, + "||": 15886, + "ĠWebsite": 15887, + "ĠNPC": 15888, + "Ġsocialist": 15889, + "ĠBilly": 15890, + "ĠAdditional": 15891, + "Ġcargo": 15892, + "Ġfarms": 15893, + "ĠSoon": 15894, + "ĠPrize": 15895, + "Ġmidnight": 15896, + "Ġ900": 15897, + "seen": 15898, + "ĠSpot": 15899, + "Ġsheep": 15900, + "Ġsponsored": 15901, + "ĠHi": 15902, + "ĠJump": 15903, + "Ġ1967": 15904, + "Microsoft": 15905, + "ĠAgent": 15906, + "Ġcharts": 15907, + "dir": 15908, + "Ġadjacent": 15909, + "Ġtricks": 15910, + "Ġmanga": 15911, + "Ġexagger": 15912, + "/>": 15913, + "football": 15914, + "ĠFCC": 15915, + "GC": 15916, + "ĠTier": 15917, + "andra": 15918, + "OUND": 15919, + "%),": 15920, + "Ġfruits": 15921, + "VC": 15922, + "ĠAA": 15923, + "Rober": 15924, + "Ġmidst": 15925, + "âĹ": 15926, + "anka": 15927, + "Ġlegislature": 15928, + "ĠNeil": 15929, + "Ġtourists": 15930, + "\"\"": 15931, + "ĠWarning": 15932, + "ĠNevertheless": 15933, + "ĠOfficial": 15934, + "ĠWhatever": 15935, + "Ġmold": 15936, + "Ġdrafted": 15937, + "Ġsubstances": 15938, + "Ġbreed": 15939, + "Ġtags": 15940, + "ĠTask": 15941, + "Ġverb": 15942, + "Ġmanufactured": 15943, + "comments": 15944, + "ĠPolish": 15945, + "Prov": 15946, + "Ġdetermines": 15947, + "Obama": 15948, + "kers": 15949, + "Ġutterly": 15950, + "Ġsect": 15951, + "sche": 15952, + "ĠGates": 15953, + "ĠChap": 15954, + "Ġaluminum": 15955, + "Ġzombie": 15956, + "ĠTouch": 15957, + "ĠUP": 15958, + "Ġsatisfy": 15959, + "Ġpredomin": 15960, + "ascript": 15961, + "Ġelaborate": 15962, + "Ġ1968": 15963, + "Ġmeasuring": 15964, + "ĠVari": 15965, + "anyahu": 15966, + "Ġsir": 15967, + "ulates": 15968, + "idges": 15969, + "ickets": 15970, + "ĠSpencer": 15971, + "TM": 15972, + "oubted": 15973, + "Ġprey": 15974, + "Ġinstalling": 15975, + "ĠCab": 15976, + "reed": 15977, + "reated": 15978, + "Supp": 15979, + "Ġwrist": 15980, + "ĠKerry": 15981, + "107": 15982, + "ĠKle": 15983, + "ĠRachel": 15984, + "Ġcotton": 15985, + "ĠARE": 15986, + "ĠEle": 15987, + "Control": 15988, + "Ġloads": 15989, + "ĠDod": 15990, + "anas": 15991, + "bone": 15992, + "Ġclassical": 15993, + "ĠRegional": 15994, + "ĠInteg": 15995, + "VM": 15996, + "Ġdesires": 15997, + "Ġautism": 15998, + "supported": 15999, + "ĠMessage": 16000, + "Ġcompact": 16001, + "writer": 16002, + "Ġ109": 16003, + "ĠHurricane": 16004, + "cision": 16005, + "Ġcycles": 16006, + "Ġdrill": 16007, + "Ġcolleague": 16008, + "Ġmaker": 16009, + "German": 16010, + "Ġmistaken": 16011, + "Sun": 16012, + "ĠGay": 16013, + "Ġwhatsoever": 16014, + "Ġsells": 16015, + "ĠAirl": 16016, + "liv": 16017, + "ĠOption": 16018, + "Ġsolved": 16019, + "Ġsectors": 16020, + "Ġhorizontal": 16021, + "Ġequation": 16022, + "ĠSkill": 16023, + "ĠBio": 16024, + "gement": 16025, + "ĠSnap": 16026, + "ĠLegal": 16027, + "Ġtrademark": 16028, + "Ġmakeup": 16029, + "Ġassembled": 16030, + "Ġsaves": 16031, + "ĠHalloween": 16032, + "ĠVermont": 16033, + "ĠFROM": 16034, + "Ġfarming": 16035, + "ĠPodcast": 16036, + "acceptable": 16037, + "ĠHigher": 16038, + "Ġasleep": 16039, + "ullivan": 16040, + "Ġreferen": 16041, + "ĠLev": 16042, + "Ġbullets": 16043, + "oko": 16044, + "HC": 16045, + "Ġstairs": 16046, + "Ġmaintains": 16047, + "ĠLower": 16048, + "ĠVi": 16049, + "Ġmarine": 16050, + "Ġacres": 16051, + "Ġcoordinator": 16052, + "ĠJoh": 16053, + "Ġcounterparts": 16054, + "ĠBrothers": 16055, + "Ġindict": 16056, + "bra": 16057, + "Ġchunk": 16058, + "Ġcents": 16059, + "Home": 16060, + "ĠMonth": 16061, + "Ġaccordingly": 16062, + "ifles": 16063, + "ĠGermans": 16064, + "ĠSyn": 16065, + "Hub": 16066, + "Ġeyeb": 16067, + "âĶĢâĶĢâĶĢâĶĢ": 16068, + "Ġranges": 16069, + "ĠHolland": 16070, + "ĠRobot": 16071, + "fc": 16072, + "Mike": 16073, + "Ġplasma": 16074, + "Ġswap": 16075, + "Ġathlete": 16076, + "ĠRams": 16077, + ",'\"": 16078, + "Ġinfections": 16079, + "Ġcorrid": 16080, + "Ġvib": 16081, + "Ġpatches": 16082, + "Ġtraditionally": 16083, + "Ġrevelation": 16084, + "Ġsweep": 16085, + "Ġglance": 16086, + "Ġinex": 16087, + "2003": 16088, + "ĠRaw": 16089, + "working": 16090, + "osures": 16091, + "ĠDat": 16092, + "ĠLynch": 16093, + "Ġleverage": 16094, + "ĠReid": 16095, + "Ġcorrelation": 16096, + "iances": 16097, + "avascript": 16098, + "Ġrepository": 16099, + "retty": 16100, + "Ġ1972": 16101, + "240": 16102, + "Ġoun": 16103, + "pol": 16104, + "ĠReed": 16105, + "Ġtactical": 16106, + "isite": 16107, + "Apple": 16108, + "ĠQuinn": 16109, + "Ġraped": 16110, + "illo": 16111, + "Europe": 16112, + "Ġalgorithms": 16113, + "ĠRodrig": 16114, + "iu": 16115, + "Ġillum": 16116, + "Ġfame": 16117, + "Ġintroducing": 16118, + "Ġdelays": 16119, + "ĠRaiders": 16120, + "Ġwhistle": 16121, + "Ġnovels": 16122, + "ĠReally": 16123, + "Ġderiv": 16124, + "Ġpublications": 16125, + "ĠNeither": 16126, + "ĠCommerce": 16127, + "Ġaston": 16128, + "language": 16129, + "Notes": 16130, + "ĠRoth": 16131, + "ĠFear": 16132, + "Ġmate": 16133, + "Ġparade": 16134, + "ĠQB": 16135, + "Ġmaneu": 16136, + "ĠCincinnati": 16137, + "mitting": 16138, + "Ġwaist": 16139, + "ĠRew": 16140, + "Ġdiscont": 16141, + "а": 16142, + "Ġstaring": 16143, + "Ġalias": 16144, + "Ġsecurities": 16145, + "Ġtoilet": 16146, + "ĠJedi": 16147, + "Ġunlaw": 16148, + "vised": 16149, + "////////": 16150, + "](": 16151, + "ĠWeiss": 16152, + "Ġprest": 16153, + "ĠCompan": 16154, + "Ġmemo": 16155, + "ĠGrace": 16156, + "July": 16157, + "ĠElite": 16158, + "center": 16159, + "ĠStay": 16160, + "Ġgalaxy": 16161, + "Ġtooth": 16162, + "ĠSettings": 16163, + "Ġsubjected": 16164, + "ãĤ¦": 16165, + "Ġlineback": 16166, + "Ġretailers": 16167, + "ĠWant": 16168, + "Ġdangers": 16169, + "Air": 16170, + "Ġvoluntary": 16171, + "eway": 16172, + "Ġinterpreted": 16173, + "otine": 16174, + "ç": 16175, + "Ġpel": 16176, + "Service": 16177, + "ĠEventually": 16178, + "Ġcareers": 16179, + "Ġthreaten": 16180, + "Ġmemor": 16181, + "ĠBradley": 16182, + "ancies": 16183, + "sn": 16184, + "ĠUnknown": 16185, + "National": 16186, + "Ġshadows": 16187, + "ailand": 16188, + "ĠDash": 16189, + "Everyone": 16190, + "izzard": 16191, + "March": 16192, + "=(": 16193, + "Ġpulls": 16194, + "Ġstranger": 16195, + "Ġbackwards": 16196, + "ĠBernard": 16197, + "imensional": 16198, + "Ġchron": 16199, + "Ġtheoretical": 16200, + "ktop": 16201, + "Ġware": 16202, + "ĠInvestig": 16203, + "ĠIniti": 16204, + "ĠOperations": 16205, + "oven": 16206, + "ocide": 16207, + "*/": 16208, + "Ġflames": 16209, + "ĠCash": 16210, + "shit": 16211, + "Ġcab": 16212, + "ĠAnaly": 16213, + "ĠSeah": 16214, + "Ġdefining": 16215, + "Ġordering": 16216, + "Ġimmun": 16217, + "Ġpersistent": 16218, + "ACH": 16219, + "Russian": 16220, + "mans": 16221, + "Ġhind": 16222, + "Ġphotography": 16223, + "©": 16224, + "Ġhug": 16225, + "Ġ107": 16226, + "ĠHence": 16227, + "iots": 16228, + "udeau": 16229, + "Ġsubsidies": 16230, + "Ġroutinely": 16231, + "ĠDevice": 16232, + "itic": 16233, + "Ġdisgust": 16234, + "lander": 16235, + "Ġ1940": 16236, + "Ġassignment": 16237, + "ĠBesides": 16238, + "wick": 16239, + "ĠDust": 16240, + "usc": 16241, + "structed": 16242, + "111": 16243, + "develop": 16244, + "Ġfond": 16245, + "Ġintersection": 16246, + "Ġdignity": 16247, + "Ġcommissioner": 16248, + "Without": 16249, + "reach": 16250, + "Ġcartoon": 16251, + "Ġscales": 16252, + "ãĥŃ": 16253, + "FIG": 16254, + "Ġsurveys": 16255, + "ĠIndonesia": 16256, + "Ġartwork": 16257, + "Ġunch": 16258, + "Ġcycling": 16259, + "unct": 16260, + "auer": 16261, + "orate": 16262, + "ĠObviously": 16263, + "Ġcharacterized": 16264, + "feld": 16265, + "Ġaffirm": 16266, + "Ġinnings": 16267, + "Ġé": 16268, + "Ġaliens": 16269, + "Ġcloth": 16270, + "etooth": 16271, + "ĠCertain": 16272, + "§": 16273, + "Ġdigest": 16274, + "know": 16275, + "ĠXL": 16276, + "Ġpredictions": 16277, + "Ġdin": 16278, + "WAR": 16279, + "Ġaftermath": 16280, + "Example": 16281, + "ĠSuccess": 16282, + "ĠThr": 16283, + "IGN": 16284, + "Ġminer": 16285, + "Bus": 16286, + "Ġclarity": 16287, + "heimer": 16288, + "ĠOUT": 16289, + "ĠSend": 16290, + "ĠCircle": 16291, + "ĠDiet": 16292, + "Ġpronounced": 16293, + "Ġcreators": 16294, + "Ġearthquake": 16295, + "attery": 16296, + "geons": 16297, + "Ġod": 16298, + "Ġlaying": 16299, + "orp": 16300, + "Ult": 16301, + "project": 16302, + "Ġundermin": 16303, + "Ġsequel": 16304, + "Sam": 16305, + "ĠDarkness": 16306, + "Ġreception": 16307, + "bull": 16308, + "YS": 16309, + "ĠVir": 16310, + "Ġsequences": 16311, + "ĠCoin": 16312, + "Ġoutfit": 16313, + "ĠWait": 16314, + "119": 16315, + "Ġdelivers": 16316, + "......": 16317, + "Ġblown": 16318, + "ĠEsc": 16319, + "ĠMath": 16320, + "perm": 16321, + "ĠUl": 16322, + "Ġglim": 16323, + "Ġfacial": 16324, + "Ġgreenhouse": 16325, + "Ġtokens": 16326, + "/-": 16327, + "ĠAnnual": 16328, + "ĠONE": 16329, + "Ġteenage": 16330, + "ĠPhysical": 16331, + "ĠLang": 16332, + "ĠCelt": 16333, + "Ġsued": 16334, + "ividually": 16335, + "Ġpatience": 16336, + "chair": 16337, + "regular": 16338, + "Ġaug": 16339, + "inv": 16340, + "except": 16341, + "ĠLil": 16342, + "Ġnest": 16343, + "fd": 16344, + "sum": 16345, + "ĠChase": 16346, + "Russia": 16347, + "ĠJennifer": 16348, + "Ġoffseason": 16349, + "Overall": 16350, + "Fore": 16351, + "Ġriot": 16352, + "Aud": 16353, + "former": 16354, + "Ġdefenders": 16355, + "ĠCT": 16356, + "iotic": 16357, + "ribly": 16358, + "Ġautomated": 16359, + "Ġpenis": 16360, + "Ġinsist": 16361, + "Ġdiagram": 16362, + "ĠSQL": 16363, + "ĠGarc": 16364, + "Ġwitch": 16365, + "client": 16366, + "ierra": 16367, + "ambers": 16368, + "Ġrecount": 16369, + "far": 16370, + "Very": 16371, + "osterone": 16372, + "Ġappreciated": 16373, + "ĠPerfect": 16374, + "Section": 16375, + "Ġdoses": 16376, + "ocaust": 16377, + "Ġcostly": 16378, + "Ġgrams": 16379, + "ĠShi": 16380, + "Ġwrestling": 16381, + "Ġ1971": 16382, + "Ġtrophy": 16383, + "Ġnerve": 16384, + "ĠKaz": 16385, + "ĠExperience": 16386, + "Ġpledged": 16387, + "Ġplayback": 16388, + "Ġcreativity": 16389, + "bye": 16390, + "Ġattackers": 16391, + "Ġholders": 16392, + "ĠCoach": 16393, + "ĠPhD": 16394, + "Ġtransfers": 16395, + "Ġcolored": 16396, + "ĠHindu": 16397, + "Ġdrown": 16398, + "Ġlistened": 16399, + "ĠWA": 16400, + "iasm": 16401, + "PO": 16402, + "Ġappealing": 16403, + "Ġdisclosed": 16404, + "ĠChicken": 16405, + "agging": 16406, + "Ġpleaded": 16407, + "Ġnavigation": 16408, + "ĠReturns": 16409, + "Ġ[[": 16410, + "ROR": 16411, + "EA": 16412, + "Ġphotographer": 16413, + "ĠRider": 16414, + "ippers": 16415, + "Ġslice": 16416, + "Ġerect": 16417, + "Ġhed": 16418, + "issance": 16419, + "ĠVikings": 16420, + "urious": 16421, + "Ġappet": 16422, + "oubtedly": 16423, + "Child": 16424, + "Ġauthentic": 16425, + "oos": 16426, + "ĠMaking": 16427, + "Ġannouncing": 16428, + "Ġbod": 16429, + "Ġmeter": 16430, + "ĠNine": 16431, + "ĠRogue": 16432, + "Ġworkforce": 16433, + "Ġrenewed": 16434, + "Ġorganisations": 16435, + "acs": 16436, + "PLE": 16437, + "Short": 16438, + "Ġcompounds": 16439, + "ĠVisit": 16440, + "Ġenvelop": 16441, + "earth": 16442, + "Ġsupportive": 16443, + "ggle": 16444, + "ĠBrussels": 16445, + "ĠGuild": 16446, + "Create": 16447, + "REL": 16448, + "Ġaveraged": 16449, + "Ġ1969": 16450, + "riages": 16451, + "Ġlengthy": 16452, + "Ġforgot": 16453, + "Okay": 16454, + "ĠErd": 16455, + "Ġdealer": 16456, + "Ġrecession": 16457, + "DD": 16458, + "Ġdesperately": 16459, + "Ġhunger": 16460, + "Ġsticks": 16461, + "Ġmph": 16462, + "ĠFaith": 16463, + "Ġintentionally": 16464, + "Ġdemol": 16465, + "ueller": 16466, + "ĠSale": 16467, + "Ġdebris": 16468, + "spring": 16469, + "Ġleap": 16470, + ">>>>": 16471, + "Ġcontainers": 16472, + "selling": 16473, + "ranean": 16474, + "attering": 16475, + "Ġcommented": 16476, + "ĠCM": 16477, + "onut": 16478, + "Ġwoods": 16479, + "especially": 16480, + "Ġorganize": 16481, + "ivic": 16482, + "ĠWoods": 16483, + "anga": 16484, + "squ": 16485, + "Ġmaj": 16486, + "amon": 16487, + "Ġaxis": 16488, + "Ġ1974": 16489, + "ĠDenmark": 16490, + "Ġwarrior": 16491, + "ĠPand": 16492, + "Ġoutlined": 16493, + "ĠBO": 16494, + "insula": 16495, + "zilla": 16496, + "ebook": 16497, + "Ġdare": 16498, + "Ġsearched": 16499, + "Ġnavigate": 16500, + "Sn": 16501, + "writing": 16502, + "Ġunited": 16503, + "Japan": 16504, + "ĠHebrew": 16505, + "Ġflame": 16506, + "Ġrelies": 16507, + "Ġcatching": 16508, + "ĠSho": 16509, + "Ġimprisonment": 16510, + "Ġpockets": 16511, + "Ġclosure": 16512, + "ĠFam": 16513, + "tim": 16514, + "adequ": 16515, + "Activity": 16516, + "Ġrecruiting": 16517, + "ĠWATCH": 16518, + "ĠArgentina": 16519, + "dest": 16520, + "Ġapologize": 16521, + "oro": 16522, + "Ġlacks": 16523, + "Ġtuned": 16524, + "ĠGriffin": 16525, + "Ġinfamous": 16526, + "Ġcelebrity": 16527, + "sson": 16528, + "Ġ----------------------------------------------------------------": 16529, + "ĠIsis": 16530, + "ĠDisplay": 16531, + "Ġcredibility": 16532, + "Ġeconomies": 16533, + "Ġheadline": 16534, + "ĠCowboys": 16535, + "Ġindef": 16536, + "Ġlately": 16537, + "Ġincentives": 16538, + "button": 16539, + "ĠMob": 16540, + "Aut": 16541, + "Ġresigned": 16542, + "ĠOm": 16543, + "camp": 16544, + "Ġprofiles": 16545, + "Ġschemes": 16546, + "olphins": 16547, + "ayed": 16548, + "Clinton": 16549, + "enh": 16550, + "ĠYahoo": 16551, + "Ġabst": 16552, + "Ġank": 16553, + "suits": 16554, + "Ġwished": 16555, + "ĠMarco": 16556, + "udden": 16557, + "Ġsphere": 16558, + "ĠBishop": 16559, + "Ġincorporated": 16560, + "ĠPlant": 16561, + "114": 16562, + "Ġhated": 16563, + "pic": 16564, + "Ġdonate": 16565, + "Ġlined": 16566, + "Ġbeans": 16567, + "Ġstealing": 16568, + "Ġcostume": 16569, + "Ġsheriff": 16570, + "Ġforty": 16571, + "Ġintact": 16572, + "Ġadapted": 16573, + "Ġtravelling": 16574, + "bart": 16575, + "Ġnicely": 16576, + "Ġdried": 16577, + "Ġscal": 16578, + "osity": 16579, + "NOTE": 16580, + "ĠBh": 16581, + "ĠBroncos": 16582, + "ĠIgn": 16583, + "Ġintimate": 16584, + "Ġchemistry": 16585, + "Ġoptimal": 16586, + "Deb": 16587, + "ĠGeneration": 16588, + "Ġ],": 16589, + "ichi": 16590, + "ĠWii": 16591, + "ĠYOUR": 16592, + "ventions": 16593, + "Write": 16594, + "Ġpopul": 16595, + "unning": 16596, + "ĠWor": 16597, + "Vol": 16598, + "Ġqueen": 16599, + "heads": 16600, + "KK": 16601, + "Ġanalyze": 16602, + "opic": 16603, + "earchers": 16604, + "Ġdot": 16605, + "legraph": 16606, + "astically": 16607, + "Ġupgrades": 16608, + "Ġcares": 16609, + "Ġextending": 16610, + "Ġfreeze": 16611, + "Ġinability": 16612, + "Ġorgans": 16613, + "Ġpretend": 16614, + "Ġoutlet": 16615, + "113": 16616, + "olan": 16617, + "ĠMall": 16618, + "uling": 16619, + "talk": 16620, + "Ġexpressing": 16621, + "ĠAlways": 16622, + "ĠBegin": 16623, + "files": 16624, + "Ġlicenses": 16625, + "%%": 16626, + "ĠMitt": 16627, + "Ġfilters": 16628, + "ĠMilwaukee": 16629, + "GN": 16630, + "Ġunfold": 16631, + "Mo": 16632, + "Ġnutrition": 16633, + "ppo": 16634, + "Bo": 16635, + "Ġfounding": 16636, + "Ġundermine": 16637, + "Ġeasiest": 16638, + "ĠCzech": 16639, + "ĠMack": 16640, + "Ġsexuality": 16641, + "ĠNixon": 16642, + "Win": 16643, + "ĠArn": 16644, + "ĠKin": 16645, + "ãĤ£": 16646, + "icer": 16647, + "Ġfortun": 16648, + "Ġsurfaces": 16649, + "aghd": 16650, + "Ġcarriers": 16651, + "ĠPART": 16652, + "ĠTib": 16653, + "Ġinterval": 16654, + "Ġfrustrating": 16655, + "ĠShip": 16656, + "ĠArmed": 16657, + "ffe": 16658, + "Ġboats": 16659, + "ĠAbraham": 16660, + "inis": 16661, + "Ġsuited": 16662, + "thread": 16663, + "iov": 16664, + "abul": 16665, + "ĠVenezuela": 16666, + "Ġtom": 16667, + "super": 16668, + "Ġcastle": 16669, + "although": 16670, + "ioxide": 16671, + "eches": 16672, + "Ġevolutionary": 16673, + "Ġnegotiate": 16674, + "Ġconfronted": 16675, + "Remember": 16676, + "Ġ170": 16677, + "Such": 16678, + "Ġ911": 16679, + "mult": 16680, + "ĠAbyss": 16681, + "urry": 16682, + "kees": 16683, + "spec": 16684, + "ĠBarbara": 16685, + "Ġbelonging": 16686, + "Ġvillain": 16687, + "istani": 16688, + "Ġaccountable": 16689, + "Ġportions": 16690, + "ĠDecl": 16691, + "Ur": 16692, + "ĠKate": 16693, + "gre": 16694, + "Ġmagazines": 16695, + "UCK": 16696, + "Ġregulate": 16697, + "omon": 16698, + "ĠAlmost": 16699, + "Ġoverview": 16700, + "Ġscram": 16701, + "Ġloot": 16702, + "ĠFitz": 16703, + "Ġcharacteristic": 16704, + "ĠSnake": 16705, + "say": 16706, + "ĠRico": 16707, + "Ġtrait": 16708, + "ĠJoined": 16709, + "aucus": 16710, + "Ġadaptation": 16711, + "ĠAirlines": 16712, + "Ġarchae": 16713, + "ĠIde": 16714, + "Ġbikes": 16715, + "Ġliterary": 16716, + "Ġinfluences": 16717, + "ĠUsed": 16718, + "Creat": 16719, + "Ġplea": 16720, + "ĠDefence": 16721, + "ĠAssass": 16722, + "Ġpond": 16723, + "ULT": 16724, + ")\"": 16725, + "Ġevaluated": 16726, + "Ġobtaining": 16727, + "Ġdemographic": 16728, + "Ġvigil": 16729, + "aley": 16730, + "Ġspouse": 16731, + "ĠSeahawks": 16732, + "respons": 16733, + "ĠBelt": 16734, + "umatic": 16735, + "Ġrises": 16736, + "runner": 16737, + "ĠMichelle": 16738, + "Ġpotent": 16739, + "race": 16740, + "ĠPAC": 16741, + "Find": 16742, + "olesterol": 16743, + "ISS": 16744, + "ĠIntroduced": 16745, + "resses": 16746, + "ignment": 16747, + "Os": 16748, + "ĠTu": 16749, + "ĠDex": 16750, + "icides": 16751, + "Ġsparked": 16752, + "ĠLaura": 16753, + "ĠBryant": 16754, + "Ġsmiling": 16755, + "ĠNexus": 16756, + "Ġdefendants": 16757, + "ĠCatal": 16758, + "Ġdishes": 16759, + "shaped": 16760, + "Ġprolong": 16761, + "mt": 16762, + "($": 16763, + "ãĢĤ": 16764, + "Ġcalculations": 16765, + "ĠSame": 16766, + "Ġpiv": 16767, + "HH": 16768, + "Ġcancelled": 16769, + "Ġgrin": 16770, + "Ġterritories": 16771, + "istically": 16772, + "Come": 16773, + "ĠParent": 16774, + "Project": 16775, + "Ġneglig": 16776, + "ĠPrivacy": 16777, + "Ġammo": 16778, + "LECT": 16779, + "olutely": 16780, + "ĠEpic": 16781, + "Ġmisunder": 16782, + "wal": 16783, + "April": 16784, + "mos": 16785, + "pathy": 16786, + "ĠCarson": 16787, + "Ġalbums": 16788, + "ĠEasy": 16789, + "Ġpistol": 16790, + "<<": 16791, + "Ġ\\(": 16792, + "target": 16793, + "help": 16794, + "Ġinterpre": 16795, + "conscious": 16796, + "ĠHousing": 16797, + "ĠJoint": 16798, + "127": 16799, + "Ġbeers": 16800, + "science": 16801, + "ĠFirefox": 16802, + "effective": 16803, + "ĠCabin": 16804, + "ĠOkay": 16805, + "ĠApplic": 16806, + "Ġspacecraft": 16807, + "ĠSR": 16808, + "vet": 16809, + "ĠStrange": 16810, + "SB": 16811, + "Ġcorps": 16812, + "iberal": 16813, + "efficient": 16814, + "Ġprevalence": 16815, + "Ġeconomists": 16816, + "118": 16817, + "Thread": 16818, + "ordable": 16819, + "ODE": 16820, + "ĠCant": 16821, + "=-=-": 16822, + "ifiable": 16823, + "ĠAround": 16824, + "Ġpole": 16825, + "Ġwillingness": 16826, + "CLA": 16827, + "ĠKid": 16828, + "Ġcomplement": 16829, + "Ġscattered": 16830, + "Ġinmates": 16831, + "Ġbleeding": 16832, + "every": 16833, + "Ġqueue": 16834, + "ĠTrain": 16835, + "Ġhij": 16836, + "Ġmelee": 16837, + "pleted": 16838, + "Ġdigit": 16839, + "Ġgem": 16840, + "official": 16841, + "Ġlifting": 16842, + "е": 16843, + "Requ": 16844, + "itutes": 16845, + "Ġpackaging": 16846, + "ĠWorkers": 16847, + "hran": 16848, + "ĠLebanon": 16849, + "olesc": 16850, + "Ġpunished": 16851, + "ĠJuan": 16852, + "Ġjam": 16853, + "ĠDocument": 16854, + "Ġmapping": 16855, + "icates": 16856, + "Ġinevitably": 16857, + "Ġvanilla": 16858, + "ĠTon": 16859, + "Ġwatches": 16860, + "Ġleagues": 16861, + "Ġinitiated": 16862, + "degree": 16863, + "portion": 16864, + "Ġrecalls": 16865, + "Ġruin": 16866, + "Ġmelt": 16867, + "IAN": 16868, + "Ġhem": 16869, + "Exp": 16870, + "Ġbaking": 16871, + "ĠColomb": 16872, + "atible": 16873, + "Ġradius": 16874, + "plug": 16875, + "ĠIF": 16876, + "etically": 16877, + "Ġfict": 16878, + "HER": 16879, + "ĠTap": 16880, + "atinum": 16881, + "Ġink": 16882, + "Ġcoh": 16883, + "ĠWizard": 16884, + "both": 16885, + "tex": 16886, + "Ġspends": 16887, + "ĠCurrently": 16888, + "ĠPit": 16889, + "Ġneurons": 16890, + "ignt": 16891, + "Ġrall": 16892, + "Ġbuses": 16893, + "building": 16894, + "Ġadjustments": 16895, + "Ġcried": 16896, + "iblical": 16897, + "atted": 16898, + "ĠZion": 16899, + "ĠMatter": 16900, + "Ġmeditation": 16901, + "ĠDennis": 16902, + "Ġours": 16903, + "ĠTab": 16904, + "Ġrankings": 16905, + "ortal": 16906, + "Ġadvers": 16907, + "Ġsurrender": 16908, + "ĠGob": 16909, + "cium": 16910, + "omas": 16911, + "imeter": 16912, + "Ġmultiplayer": 16913, + "Ġheroin": 16914, + "Ġoptimistic": 16915, + "Ġindicator": 16916, + "ĠBrig": 16917, + "Ġgrocery": 16918, + "Ġapplicant": 16919, + "ĠRocket": 16920, + "vid": 16921, + "Exception": 16922, + "pent": 16923, + "Ġorganizing": 16924, + "Ġencounters": 16925, + "ĠTOD": 16926, + "Ġjewel": 16927, + "Save": 16928, + "ĠChristie": 16929, + "Ġheating": 16930, + "Ġlazy": 16931, + "ĠCP": 16932, + "Ġcousin": 16933, + "Config": 16934, + "Ġregener": 16935, + "Ġnearest": 16936, + "Ġachieving": 16937, + "ENS": 16938, + "throw": 16939, + "ĠRichmond": 16940, + "antle": 16941, + "2002": 16942, + "Ġanten": 16943, + "bird": 16944, + "133": 16945, + "Ġnarc": 16946, + "raint": 16947, + "unny": 16948, + "ĠHispanic": 16949, + "ournaments": 16950, + "Ġprophe": 16951, + "ĠThailand": 16952, + "ĠTi": 16953, + "Ġinjection": 16954, + "Ġinherit": 16955, + "ravis": 16956, + "Ġmedi": 16957, + "Ġwhoever": 16958, + "ĠDEBUG": 16959, + "GP": 16960, + "ĠHud": 16961, + "Card": 16962, + "prom": 16963, + "Ġpor": 16964, + "Ġoverhead": 16965, + "Law": 16966, + "Ġviolate": 16967, + "Ġheated": 16968, + "Ġdescriptions": 16969, + "Ġachievements": 16970, + "ĠBeer": 16971, + "ĠQuant": 16972, + "Was": 16973, + "Ġeighth": 16974, + "ĠIv": 16975, + "Ġspecialized": 16976, + "UPDATE": 16977, + "ĠDelta": 16978, + "Pop": 16979, + "Jul": 16980, + "ĠAsk": 16981, + "ophy": 16982, + "Ġnewsletters": 16983, + "ĠTool": 16984, + "Ġgard": 16985, + "ĠConfeder": 16986, + "ĠGMT": 16987, + "ĠAbbott": 16988, + "Ġimmunity": 16989, + "ĠVM": 16990, + "Islam": 16991, + "Ġimplicit": 16992, + "wd": 16993, + "Ġ1944": 16994, + "ravity": 16995, + "ometric": 16996, + "Ġsurviving": 16997, + "urai": 16998, + "ĠPrison": 16999, + "Ġrust": 17000, + "ĠSketch": 17001, + "Ġbees": 17002, + "ĠTheory": 17003, + "Ġmerit": 17004, + "Tex": 17005, + "chat": 17006, + "Ġmim": 17007, + "Ġpaste": 17008, + "ĠKoch": 17009, + "Ġignorance": 17010, + "ĠShoot": 17011, + "Ġbasement": 17012, + "United": 17013, + "ĠAdvis": 17014, + "height": 17015, + "Ġfoster": 17016, + "Ġdetain": 17017, + "information": 17018, + "Ġneural": 17019, + "';": 17020, + "Ġproves": 17021, + "allery": 17022, + "Ġinvitation": 17023, + "umbers": 17024, + "Ġcattle": 17025, + "Ġbicycle": 17026, + "zi": 17027, + "Ġconsultant": 17028, + "Ġapology": 17029, + "ĠTiger": 17030, + "Ġ123": 17031, + "999": 17032, + "Ġindividually": 17033, + "rt": 17034, + "igion": 17035, + "ĠBrazilian": 17036, + "Ġdisturb": 17037, + "Ġentrepreneurs": 17038, + "Ġforests": 17039, + "cerpt": 17040, + "plates": 17041, + "pher": 17042, + "clipse": 17043, + "Ġtwitter": 17044, + "Ġacids": 17045, + "ographical": 17046, + "hum": 17047, + "ĠBald": 17048, + "ifully": 17049, + "Ġcompiler": 17050, + "ĠDA": 17051, + "Ġdonor": 17052, + "asi": 17053, + "Ġtribal": 17054, + "lash": 17055, + "ĠConfig": 17056, + "Ġapplicants": 17057, + "Ġsalaries": 17058, + "135": 17059, + "Putin": 17060, + "ĠFocus": 17061, + "irs": 17062, + "Ġmisconduct": 17063, + "ĠHaz": 17064, + "Ġeaten": 17065, + "Mobile": 17066, + "Muslim": 17067, + "ĠMarcus": 17068, + "viol": 17069, + "Ġfavorable": 17070, + "Ġstub": 17071, + "adin": 17072, + "ĠHob": 17073, + "Ġfaithful": 17074, + "Ġelectronics": 17075, + "Ġvacuum": 17076, + "wait": 17077, + "backed": 17078, + "economic": 17079, + "dist": 17080, + "Ġtenure": 17081, + "Ġsincere": 17082, + "ĠTogether": 17083, + "ĠWave": 17084, + "Ġprogression": 17085, + "Ġdenying": 17086, + "Ġdistress": 17087, + "braska": 17088, + "third": 17089, + "Ġmixing": 17090, + "Ġcolonial": 17091, + "Ġprivately": 17092, + "Ġunrest": 17093, + "aternity": 17094, + "Ġpremises": 17095, + "anti": 17096, + "gregation": 17097, + "Ġlicence": 17098, + "ĠHind": 17099, + "ĠSamuel": 17100, + "Ġconvincing": 17101, + "ĠAce": 17102, + "ĠRust": 17103, + "ĠNetanyahu": 17104, + "Ġhandles": 17105, + "ĠPatch": 17106, + "oriented": 17107, + "aho": 17108, + "ĠGonz": 17109, + "Ġhackers": 17110, + "claimer": 17111, + "Ġcustoms": 17112, + "ĠGran": 17113, + "fighters": 17114, + "Ġluc": 17115, + "Ġmanuscript": 17116, + "arenthood": 17117, + "Ġdevil": 17118, + "Ġwarriors": 17119, + "Ġoffenders": 17120, + "William": 17121, + "Ġholidays": 17122, + "Ġnightmare": 17123, + "Ġlever": 17124, + "ifferent": 17125, + "Stat": 17126, + "Ġexhibition": 17127, + "puted": 17128, + "ĠPure": 17129, + "Ġalpha": 17130, + "Ġenthusiasm": 17131, + "ĠRepresentatives": 17132, + "EAR": 17133, + "ĠTyp": 17134, + "Ġwheat": 17135, + "ĠAlf": 17136, + "Ġcorrection": 17137, + "Ġevangel": 17138, + "ATT": 17139, + "Miss": 17140, + "Ġsoup": 17141, + "Ġimplied": 17142, + "param": 17143, + "Ġsexy": 17144, + "ĠLux": 17145, + "Ġrepublic": 17146, + "patch": 17147, + "ablish": 17148, + "Ġicons": 17149, + "Ġfathers": 17150, + "ĠGET": 17151, + "ĠCarib": 17152, + "Ġregulated": 17153, + "ĠCohen": 17154, + "ĠBobby": 17155, + "Ġner": 17156, + "Ġbent": 17157, + "ventory": 17158, + "ĠAlong": 17159, + "ĠEST": 17160, + "ĠWallace": 17161, + "Ġmurders": 17162, + "rise": 17163, + "kell": 17164, + "ĠCommonwealth": 17165, + "Ġnasty": 17166, + "eta": 17167, + "ĠMIT": 17168, + "Ġadministered": 17169, + "Ġgenuinely": 17170, + "Editor": 17171, + "nick": 17172, + "Ġhydro": 17173, + "********************************": 17174, + "ĠBle": 17175, + "Ġfines": 17176, + "Ġgorge": 17177, + "ausible": 17178, + "rh": 17179, + "Ġapple": 17180, + "mentioned": 17181, + "Ġrope": 17182, + "otyp": 17183, + "HR": 17184, + "Ġdisappointing": 17185, + "Ġcage": 17186, + "nik": 17187, + "Ġdoubts": 17188, + "ĠFREE": 17189, + "prints": 17190, + "ĠMUST": 17191, + "Ġvendors": 17192, + "ĠInqu": 17193, + "Ġliberals": 17194, + "Ġcontractor": 17195, + "Ġupside": 17196, + "children": 17197, + "Ġtricky": 17198, + "Ġregulators": 17199, + "charged": 17200, + "liter": 17201, + "Ġ***": 17202, + "Ġrebell": 17203, + "lang": 17204, + "Ġlocals": 17205, + "Ġphysicians": 17206, + "Ġhey": 17207, + "arse": 17208, + "tm": 17209, + "ĠLex": 17210, + "Ġbehavioral": 17211, + "successful": 17212, + "FX": 17213, + "Ġbrick": 17214, + "ovic": 17215, + "Ġconform": 17216, + "Ġreviewing": 17217, + "Ġinsights": 17218, + "Ġbiology": 17219, + "ĠRemove": 17220, + "ĠExtra": 17221, + "Ġcommitting": 17222, + "induced": 17223, + "ignty": 17224, + "igm": 17225, + "Ġatomic": 17226, + "Common": 17227, + "ĠEM": 17228, + "ĠPere": 17229, + "ĠItems": 17230, + "eh": 17231, + "Ġpreserved": 17232, + "ĠHood": 17233, + "Ġprisoner": 17234, + "Ġbankruptcy": 17235, + "Ġgren": 17236, + "ushes": 17237, + "Ġexploitation": 17238, + "Ġsignatures": 17239, + "Ġfinan": 17240, + "],\"": 17241, + "ĠMR": 17242, + "Ġmeg": 17243, + "remlin": 17244, + "Ġmusicians": 17245, + "Ġselecting": 17246, + "Ġexamining": 17247, + "INK": 17248, + "lated": 17249, + "Hi": 17250, + "Ġartic": 17251, + "Ġpets": 17252, + "Ġimpair": 17253, + "ĠMAN": 17254, + "Ġtablets": 17255, + "include": 17256, + "Range": 17257, + "Ġcaut": 17258, + "Ġlogs": 17259, + "Ġmounting": 17260, + "Ġunaware": 17261, + "Ġdynamics": 17262, + "ĠPalestine": 17263, + "ĠQuarter": 17264, + "ĠPurple": 17265, + "Ġma": 17266, + "ĠImport": 17267, + "Ġcollections": 17268, + "ciation": 17269, + "Ġsuccessor": 17270, + "Ġclone": 17271, + "Ġaiming": 17272, + "Ġpossessed": 17273, + "Ġsticking": 17274, + "Ġshaking": 17275, + "Ġlocate": 17276, + "ĠHockey": 17277, + "Turn": 17278, + "170": 17279, + "Ġfifteen": 17280, + "ĠHarrison": 17281, + "Ġcontinuously": 17282, + "ĠTC": 17283, + "ĠValent": 17284, + "ĠRescue": 17285, + "Ġbypass": 17286, + "amount": 17287, + "Ġmast": 17288, + "Ġprotects": 17289, + "Ġartistic": 17290, + "Ġsometime": 17291, + "Ġshoe": 17292, + "Ġshouted": 17293, + "ificant": 17294, + "etitive": 17295, + "ĠRegister": 17296, + "ĠJin": 17297, + "Ġconcentrated": 17298, + "lington": 17299, + "onies": 17300, + "Ġgenerator": 17301, + "yrim": 17302, + "ĠArmen": 17303, + "Ġclearing": 17304, + "ido": 17305, + "ĠTW": 17306, + "alph": 17307, + "Ġladies": 17308, + "Hard": 17309, + "Ġdialog": 17310, + "Ġinputs": 17311, + "æľ": 17312, + "Ġposes": 17313, + "Ġslots": 17314, + "ĠPremium": 17315, + "Ġleaks": 17316, + "Ġbosses": 17317, + "Ġ113": 17318, + "course": 17319, + "Acc": 17320, + "ĠNewton": 17321, + "ĠAustria": 17322, + "ĠMage": 17323, + "Ġteaches": 17324, + "abad": 17325, + "Ġwears": 17326, + "Ġcyl": 17327, + "Ġcurse": 17328, + "ĠSales": 17329, + "ĠWings": 17330, + "Ġpsy": 17331, + "Ġgaps": 17332, + "ĠIceland": 17333, + "ĠPinterest": 17334, + "Ġlandlord": 17335, + "Ġdefinitions": 17336, + "ĠKer": 17337, + "Ġsufficiently": 17338, + "ĠPence": 17339, + "ĠArchitect": 17340, + "Ġsurpass": 17341, + "Ġ114": 17342, + "Ġsuperhero": 17343, + "ĠDisease": 17344, + "Ġpriests": 17345, + "ĠCulture": 17346, + "Ġdefinitive": 17347, + "Ġsecretly": 17348, + "ĠDance": 17349, + "install": 17350, + "chief": 17351, + "ĠJessica": 17352, + "Would": 17353, + "Updated": 17354, + "Ġlocker": 17355, + "ĠKay": 17356, + "Ġmemorial": 17357, + "è¦": 17358, + "fat": 17359, + "Ġdisgu": 17360, + "Ġflavors": 17361, + "ĠBaseball": 17362, + "ĠResistance": 17363, + "Ġkicks": 17364, + "Ġenv": 17365, + "Ġteenagers": 17366, + "Dark": 17367, + "ĠCAR": 17368, + "Ġhalt": 17369, + "ĠLG": 17370, + "ĠGabriel": 17371, + "Ġfever": 17372, + "Ġsatur": 17373, + "Ġmall": 17374, + "Ġaffiliate": 17375, + "ĠSleep": 17376, + "ĠSpecific": 17377, + "ĠVel": 17378, + "Ġjar": 17379, + "ĠSacred": 17380, + "ĠEdwards": 17381, + "ĠACL": 17382, + "Ġretained": 17383, + "ĠGiant": 17384, + "Ġlimitation": 17385, + "inces": 17386, + "Ġrefusal": 17387, + "ĠTale": 17388, + "ĠButler": 17389, + "Ġaccidents": 17390, + "ĠCSS": 17391, + "Ġimported": 17392, + "ĠCopy": 17393, + "α": 17394, + "ERT": 17395, + "zel": 17396, + "Ġdivisions": 17397, + "hots": 17398, + "ĠAlb": 17399, + "ĠDS": 17400, + "Loader": 17401, + "Washington": 17402, + "atisf": 17403, + "ĠCreative": 17404, + "\\.": 17405, + "ĠAutom": 17406, + "redict": 17407, + "Ġreceptor": 17408, + "ĠCarlos": 17409, + "Method": 17410, + "oka": 17411, + "Ġmalicious": 17412, + "Ġstepping": 17413, + ",[": 17414, + "ĠDad": 17415, + "Ġattraction": 17416, + "ĠEffects": 17417, + "ĠPirate": 17418, + "ĠCer": 17419, + "ĠIndustry": 17420, + "ĠRud": 17421, + "Ġcharter": 17422, + "Ġdining": 17423, + "Ġinsists": 17424, + "Ġconfigure": 17425, + "Ġ(#": 17426, + "ĠSimple": 17427, + "ĠScroll": 17428, + "UTC": 17429, + "175": 17430, + "ĠKon": 17431, + "Ġmarketplace": 17432, + "ĠãĤ": 17433, + "Ġrefres": 17434, + "Ġgates": 17435, + "erred": 17436, + "ĠPod": 17437, + "Ġbehave": 17438, + "Frank": 17439, + "node": 17440, + "Ġendorsed": 17441, + "hett": 17442, + "asive": 17443, + "ĠHomeland": 17444, + "Ġrides": 17445, + "ĠLeave": 17446, + "erness": 17447, + "Ġflooding": 17448, + "AFP": 17449, + "Ġrisen": 17450, + "Ġcontinually": 17451, + "Ġunanim": 17452, + "ĠContract": 17453, + "ĠPas": 17454, + "Ġguided": 17455, + "ĠChile": 17456, + "bd": 17457, + "Ġsucc": 17458, + "ptic": 17459, + "Ġcommittees": 17460, + "ĠLuther": 17461, + "ĠAnyone": 17462, + "Ġsab": 17463, + "124": 17464, + "Ġpixel": 17465, + "ĠBak": 17466, + "ĠTag": 17467, + "ĠBennett": 17468, + "Enter": 17469, + "small": 17470, + "ĠPresidential": 17471, + "Ġpul": 17472, + "Ġcontrace": 17473, + "archive": 17474, + "Ġcoastal": 17475, + "ĠKids": 17476, + "192": 17477, + "â̲": 17478, + "icky": 17479, + "INGTON": 17480, + "Ġwolf": 17481, + "ĠStalin": 17482, + "Tur": 17483, + "idget": 17484, + "amas": 17485, + "ĠUnless": 17486, + "Ġsponsor": 17487, + "Ġmorph": 17488, + "ĠChoose": 17489, + "Ġrunner": 17490, + "Ġunbel": 17491, + "Ġmud": 17492, + "ĠMana": 17493, + "Ġdubbed": 17494, + "Ġgodd": 17495, + "urers": 17496, + "window": 17497, + "Ġrelied": 17498, + "Ġcelebrating": 17499, + "osc": 17500, + "Ġ135": 17501, + "Ġlobbying": 17502, + "Ġincomplete": 17503, + "Ġrestriction": 17504, + "Ġincap": 17505, + "itus": 17506, + "Ġexpectation": 17507, + "ĠApollo": 17508, + "Ġintens": 17509, + "Ġsync": 17510, + "GH": 17511, + "Ġmanipulation": 17512, + "BY": 17513, + "Ġspear": 17514, + "Ġbreasts": 17515, + "Ġvolcan": 17516, + "ilia": 17517, + "Material": 17518, + "Ġformats": 17519, + "ĠBast": 17520, + "Ġparliamentary": 17521, + "Ġsnake": 17522, + "Ġservants": 17523, + "ĠTrudeau": 17524, + "ĠGrim": 17525, + "ĠArabic": 17526, + "ĠSCP": 17527, + "ĠBoys": 17528, + "station": 17529, + "Ġprospective": 17530, + "orde": 17531, + "initialized": 17532, + "Ġbored": 17533, + "ABLE": 17534, + "Ġaccessed": 17535, + "Ġtaxi": 17536, + "ĠShell": 17537, + "aiden": 17538, + "ursed": 17539, + "inates": 17540, + "ĠInsurance": 17541, + "ĠPete": 17542, + "September": 17543, + "650": 17544, + "Ġadventures": 17545, + "ĠCover": 17546, + "Ġtribute": 17547, + "Ġsketch": 17548, + "Ġempower": 17549, + "ĠØ": 17550, + "ĠGlenn": 17551, + "ĠDaw": 17552, + "=\\\"": 17553, + "ĠPolitics": 17554, + "Ġguides": 17555, + "Ġdioxide": 17556, + "ĠGore": 17557, + "ĠBright": 17558, + "ĠSierra": 17559, + "Ġvalued": 17560, + "cond": 17561, + "Ġpointer": 17562, + "Select": 17563, + "Ġrisky": 17564, + "Ġabsorb": 17565, + "images": 17566, + "Ġrefuses": 17567, + "Ġbonuses": 17568, + "___": 17569, + "Ġhilar": 17570, + "ĠFeatures": 17571, + "220": 17572, + "ĠCollector": 17573, + "Foot": 17574, + "Ġ1964": 17575, + "culus": 17576, + "Ġdawn": 17577, + "Ġworkout": 17578, + "ĠLO": 17579, + "Ġphilosophical": 17580, + "ĠSandy": 17581, + "ĠYouth": 17582, + "Ġliable": 17583, + "Af": 17584, + "blue": 17585, + "Ġoverturn": 17586, + "lessness": 17587, + "ĠTribune": 17588, + "ĠIng": 17589, + "Ġfactories": 17590, + "Ġcatches": 17591, + "Ġprone": 17592, + "Ġmatrix": 17593, + "Ġlogin": 17594, + "Ġinacc": 17595, + "Ġexert": 17596, + "sys": 17597, + "Ġneedle": 17598, + "ĠQur": 17599, + "Ġnotified": 17600, + "oulder": 17601, + "tx": 17602, + "Ġreminds": 17603, + "Ġpublishers": 17604, + "Ġnort": 17605, + "Ġgit": 17606, + "Ġflies": 17607, + "ĠEmily": 17608, + "Ġflowing": 17609, + "ĠAlien": 17610, + "ĠStrateg": 17611, + "Ġhardest": 17612, + "Ġmodification": 17613, + "API": 17614, + "ĠMY": 17615, + "Ġcrashes": 17616, + "stairs": 17617, + "number": 17618, + "Ġurging": 17619, + "channel": 17620, + "ĠFalcon": 17621, + "Ġinhabitants": 17622, + "Ġterrifying": 17623, + "Ġutilize": 17624, + "Ġbanner": 17625, + "Ġcigarettes": 17626, + "Ġsenses": 17627, + "ĠHolmes": 17628, + "Ġpractition": 17629, + "ĠPhillips": 17630, + "otto": 17631, + "Ġcompile": 17632, + "Model": 17633, + "ĠKo": 17634, + "Ġ[]": 17635, + "Americans": 17636, + "ĠTerms": 17637, + "Ġmedications": 17638, + "ĠAna": 17639, + "Ġfundamentally": 17640, + "ĠNotice": 17641, + "Ġweaker": 17642, + "Ġ0000": 17643, + "Ġgarlic": 17644, + "Ġoutbreak": 17645, + "Ġeconomist": 17646, + "ĠBirth": 17647, + "Ġobstacles": 17648, + "arcer": 17649, + "ĠOrthodox": 17650, + "Ġplacebo": 17651, + "ĠCrew": 17652, + "aspberry": 17653, + "ĠAngels": 17654, + "Ġdischarge": 17655, + "Ġdestructive": 17656, + "117": 17657, + "ĠRising": 17658, + "Ġdairy": 17659, + "late": 17660, + "Ġcollision": 17661, + "ĠTigers": 17662, + "eanor": 17663, + "ocumented": 17664, + "ĠInvalid": 17665, + "Ġdont": 17666, + "ĠLiter": 17667, + "ĠVa": 17668, + "Ġhydrogen": 17669, + "Ġvariants": 17670, + "ĠBrowns": 17671, + "Ġ1965": 17672, + "Ġindigenous": 17673, + "Ġtrades": 17674, + "Ġremainder": 17675, + "Ġswept": 17676, + "ĠImpact": 17677, + "Ġredist": 17678, + "Ġunint": 17679, + "graduate": 17680, + "ãĥķ": 17681, + "ĠWILL": 17682, + "ãģ®ç": 17683, + "ĠCritical": 17684, + "Ġfisher": 17685, + "Ġvicious": 17686, + "Ġreversed": 17687, + "Year": 17688, + "ĠSox": 17689, + "Ġshootings": 17690, + "Ġfilming": 17691, + "Ġtouchdowns": 17692, + "aires": 17693, + "mel": 17694, + "Ġgrandfather": 17695, + "Ġaffection": 17696, + "ingle": 17697, + "Ġoverly": 17698, + "Additional": 17699, + "Ġsupreme": 17700, + "ĠGrad": 17701, + "Ġsporting": 17702, + "Ġmercy": 17703, + "ĠBrooks": 17704, + "ounty": 17705, + "Ġperforms": 17706, + "Ġtightly": 17707, + "Ġdemons": 17708, + "Ġkillings": 17709, + "Ġfaction": 17710, + "ĠNova": 17711, + "auts": 17712, + "Ġundoubtedly": 17713, + "arin": 17714, + "Ġunderway": 17715, + "rak": 17716, + "Ġliv": 17717, + "ĠRegion": 17718, + "Ġbriefing": 17719, + "sers": 17720, + "cloud": 17721, + "ĠMik": 17722, + "usp": 17723, + "Ġprediction": 17724, + "azor": 17725, + "Ġportable": 17726, + "ĠGand": 17727, + "Ġpresenting": 17728, + "Ġ1080": 17729, + "»": 17730, + "ushi": 17731, + "ĠSpark": 17732, + "thereum": 17733, + "Ġjustification": 17734, + "ĠNy": 17735, + "Ġcontractors": 17736, + "mingham": 17737, + "ĠStyle": 17738, + "åħ": 17739, + "ĠChronicles": 17740, + "ĠPicture": 17741, + "Ġproving": 17742, + "Ġwives": 17743, + "sett": 17744, + "Ġmolecules": 17745, + "ĠFairy": 17746, + "Ġconsisting": 17747, + "Ġpier": 17748, + "alone": 17749, + "inition": 17750, + "Ġnucle": 17751, + "json": 17752, + "Ġgotta": 17753, + "Ġmobil": 17754, + "Ġverbal": 17755, + "arium": 17756, + "Ġmonument": 17757, + "ucked": 17758, + "Ġ256": 17759, + "Tech": 17760, + "minecraft": 17761, + "ĠTrack": 17762, + "Ġtile": 17763, + "Ġcompatibility": 17764, + "asis": 17765, + "Ġsadd": 17766, + "Ġinstructed": 17767, + "ĠMueller": 17768, + "Ġlethal": 17769, + "Ġhormone": 17770, + "Ġorche": 17771, + "else": 17772, + "Ġskelet": 17773, + "Ġentertaining": 17774, + "Ġminimize": 17775, + "again": 17776, + "Ġundergo": 17777, + "Ġconstraints": 17778, + "Ġcigarette": 17779, + "ĠIslamist": 17780, + "Ġtravels": 17781, + "ĠPanthers": 17782, + "lings": 17783, + "Care": 17784, + "Ġlawsuits": 17785, + "uras": 17786, + "Ġcryst": 17787, + "Ġlowered": 17788, + "Ġaerial": 17789, + "Ġcombinations": 17790, + "Ġhaun": 17791, + "Ġcha": 17792, + "Ġvine": 17793, + "Ġquantities": 17794, + "Ġlinking": 17795, + "bank": 17796, + "Ġsoy": 17797, + "Bill": 17798, + "ĠAngela": 17799, + "Ġrecipient": 17800, + "ĠProtest": 17801, + "Ġsocket": 17802, + "Ġsolidarity": 17803, + "ĠâĨ": 17804, + "mill": 17805, + "Ġvaries": 17806, + "ĠPakistani": 17807, + "Dragon": 17808, + "Ġune": 17809, + "Ġhorizon": 17810, + "³³³³³³³³": 17811, + "Ġprovinces": 17812, + "Ġfrankly": 17813, + "Ġenacted": 17814, + "notes": 17815, + "['": 17816, + "Ġ192": 17817, + "ocracy": 17818, + "Ġendorsement": 17819, + "Ġovertime": 17820, + "True": 17821, + "Lab": 17822, + "licted": 17823, + "ĠDNC": 17824, + "Ġbeats": 17825, + "ĠJamie": 17826, + "152": 17827, + "ĠINT": 17828, + "Contact": 17829, + "Ġaccounted": 17830, + "hash": 17831, + "ĠPackers": 17832, + "pires": 17833, + "Ġlesbian": 17834, + "Ġamendments": 17835, + "Ġhopeful": 17836, + "ĠFinland": 17837, + "Ġspotlight": 17838, + "Ġconfigured": 17839, + "Ġtroubled": 17840, + "Ġgaze": 17841, + "ĠCalgary": 17842, + "Ġreliability": 17843, + "Ġinsurg": 17844, + "swer": 17845, + "buy": 17846, + "ĠSkin": 17847, + "Ġpixels": 17848, + "Ġhandgun": 17849, + "Ġparas": 17850, + "Ġcategor": 17851, + "ĠEL": 17852, + "ĠRex": 17853, + "Indeed": 17854, + "Ġkinda": 17855, + "Ġconjunction": 17856, + "ĠBryan": 17857, + "ĠManufact": 17858, + "yang": 17859, + "Plus": 17860, + "SQL": 17861, + "ishment": 17862, + "Ġdominate": 17863, + "Ġnail": 17864, + "Ġoath": 17865, + "Ġerupt": 17866, + "ĠFine": 17867, + "itbart": 17868, + "ĠChip": 17869, + "ĠAbd": 17870, + "ĠNam": 17871, + "Ġbuyer": 17872, + "Ġdissent": 17873, + "Leaks": 17874, + "Contin": 17875, + "Ġrider": 17876, + "ĠSomeone": 17877, + "Ġillusion": 17878, + "cin": 17879, + "ĠBoeing": 17880, + "Ġinadequ": 17881, + "ovation": 17882, + "iants": 17883, + "Ġrebuild": 17884, + "450": 17885, + "ĠDestiny": 17886, + "SW": 17887, + "ĠTill": 17888, + "Hit": 17889, + "iaz": 17890, + "ĠBangl": 17891, + "achers": 17892, + "ĠReform": 17893, + "Ġsegments": 17894, + "Ġsystematic": 17895, + "dc": 17896, + "ĠConservatives": 17897, + "Ġportal": 17898, + "hor": 17899, + "ĠDragonbound": 17900, + "Ġdragged": 17901, + "omo": 17902, + "Ġthee": 17903, + "advert": 17904, + "ĠReports": 17905, + "ĠEt": 17906, + "Ġbarrels": 17907, + "August": 17908, + "Ġcomparisons": 17909, + "Ġhex": 17910, + "Ġanthrop": 17911, + "\"[": 17912, + "borough": 17913, + "abi": 17914, + "Ġpictured": 17915, + "playing": 17916, + "ĠAddress": 17917, + "ĠMirror": 17918, + "Smith": 17919, + "Ġtires": 17920, + "ĠNPR": 17921, + "AAAA": 17922, + "Ġclassification": 17923, + "ĠThan": 17924, + "ĠHarm": 17925, + "ĠRA": 17926, + "Ġrejection": 17927, + "mination": 17928, + "Ġranged": 17929, + "ĠFalls": 17930, + "DI": 17931, + "Host": 17932, + "ãĤ´": 17933, + "ĠExample": 17934, + "listed": 17935, + "thirds": 17936, + "Ġsafegu": 17937, + "brand": 17938, + "Ġprobable": 17939, + "Canada": 17940, + "ITION": 17941, + "ĠQaeda": 17942, + "Ġchick": 17943, + "Ġimports": 17944, + "hit": 17945, + "loc": 17946, + "WW": 17947, + "Ġblew": 17948, + "Ġanytime": 17949, + "Ġwholes": 17950, + "iked": 17951, + "Ġcalculation": 17952, + "create": 17953, + "ĠOri": 17954, + "Ġupgraded": 17955, + "Ġappar": 17956, + "utory": 17957, + "ĠMol": 17958, + "Brit": 17959, + "ĠJong": 17960, + "INAL": 17961, + "ĠStarting": 17962, + "Ġdice": 17963, + "urtle": 17964, + "Ġrelying": 17965, + "closure": 17966, + "Ġprofitable": 17967, + "Ġslaughter": 17968, + "ĠManual": 17969, + "caster": 17970, + "Ġ\"$": 17971, + "Ġfeather": 17972, + "ĠSimply": 17973, + "ieves": 17974, + "Ġdeterior": 17975, + "ĠPCI": 17976, + "Ġstamp": 17977, + "Ġflaws": 17978, + "Ġshade": 17979, + "hammer": 17980, + "Ġpassport": 17981, + "Ġconting": 17982, + "amel": 17983, + "Ġobservers": 17984, + "Ġneglect": 17985, + "ĠRB": 17986, + "ĠBrotherhood": 17987, + "Ġskeptical": 17988, + "family": 17989, + "usk": 17990, + "Ġemotionally": 17991, + "âĻ": 17992, + "ĠBeta": 17993, + "asonable": 17994, + "idity": 17995, + "ĠMul": 17996, + "Ġkicking": 17997, + "ĠCarm": 17998, + "ollah": 17999, + "VERTIS": 18000, + "ĠAthen": 18001, + "Ġladder": 18002, + "ĠBullet": 18003, + "å£": 18004, + "0001": 18005, + "ĠWildlife": 18006, + "ĠMask": 18007, + "ĠNan": 18008, + "Rev": 18009, + "Ġunacceptable": 18010, + "legal": 18011, + "Ġcrowded": 18012, + "agi": 18013, + "ĠCox": 18014, + "je": 18015, + "Ġmorality": 18016, + "Ġfuels": 18017, + "Ġcables": 18018, + "Ġmankind": 18019, + "ĠCaribbean": 18020, + "Ġanchor": 18021, + "Ġbyte": 18022, + "ĠOften": 18023, + "ĠOz": 18024, + "Ġcrafted": 18025, + "Ġhistorian": 18026, + "ĠWu": 18027, + "Ġtowers": 18028, + "ĠCitizens": 18029, + "Ġhelm": 18030, + "Ġcredentials": 18031, + "Ġsingular": 18032, + "ĠJesse": 18033, + "Ġtackles": 18034, + "Ġcontempt": 18035, + "Ġafore": 18036, + "ĠShadows": 18037, + "Ġnil": 18038, + "Ġurgent": 18039, + "apple": 18040, + "blood": 18041, + "Ġvon": 18042, + "Ġoffline": 18043, + "Ġbreathe": 18044, + "Ġjumps": 18045, + "Ġirrelevant": 18046, + "oxic": 18047, + "omal": 18048, + "important": 18049, + "Jim": 18050, + "Ġgloves": 18051, + "arming": 18052, + "depth": 18053, + "Ġtalents": 18054, + "ookie": 18055, + "ĠSB": 18056, + "Ġpalm": 18057, + "uffs": 18058, + "esta": 18059, + "IGH": 18060, + "Ġcanon": 18061, + "ĠVerizon": 18062, + "ĠPle": 18063, + "Ġcoupled": 18064, + "velt": 18065, + "Ġfundraising": 18066, + "ĠGetting": 18067, + "ĠDLC": 18068, + "Ġmathematical": 18069, + "ĠHS": 18070, + "ĠCardinals": 18071, + "telling": 18072, + "Ġsponsors": 18073, + "ĠÏ": 18074, + "ĠBulls": 18075, + "option": 18076, + "Ġpropose": 18077, + "Ġmemorable": 18078, + "Ġembraced": 18079, + "Ġdeclining": 18080, + "Health": 18081, + "eda": 18082, + "Ġ};": 18083, + "Ġspam": 18084, + "mile": 18085, + "Ġpitcher": 18086, + "ĠEight": 18087, + "Ġcaring": 18088, + "utic": 18089, + "role": 18090, + "Ġairline": 18091, + "ernandez": 18092, + "ĠAthlet": 18093, + "Ġcertification": 18094, + "uxe": 18095, + "riger": 18096, + "Ġempir": 18097, + "Ġsensation": 18098, + "Ġdism": 18099, + "Ġbolt": 18100, + "Ġevolve": 18101, + "House": 18102, + "Ġconsultation": 18103, + "ĠDuty": 18104, + "Ġtouches": 18105, + "ĠNathan": 18106, + "Ġfaint": 18107, + "had": 18108, + "\"(": 18109, + "ĠConsumer": 18110, + "ĠExtreme": 18111, + "Ġ127": 18112, + "ĠHerm": 18113, + "ĠSacrament": 18114, + "izoph": 18115, + "Ġanxious": 18116, + "ulously": 18117, + "Ġsocially": 18118, + "ĠUTC": 18119, + "Ġsolving": 18120, + "ĠLetter": 18121, + "History": 18122, + "educ": 18123, + "Price": 18124, + "));": 18125, + "Ġreload": 18126, + "amic": 18127, + "Ġpork": 18128, + "Ġdiscourse": 18129, + "Ġtournaments": 18130, + "airo": 18131, + "ĠKur": 18132, + "ĠCosta": 18133, + "Ġviolating": 18134, + "Ġinterfere": 18135, + "Ġrecreational": 18136, + "uffle": 18137, + "Ġspeeches": 18138, + "Ġneeding": 18139, + "Ġremembers": 18140, + "Ġcredited": 18141, + "nia": 18142, + "focused": 18143, + "amera": 18144, + "Ġbru": 18145, + "umbs": 18146, + "ĠCuban": 18147, + "Ġpreceding": 18148, + "Ġnonsense": 18149, + "acial": 18150, + "Ġsmartphones": 18151, + "ĠStories": 18152, + "Sports": 18153, + "ĠEmergency": 18154, + "ouncing": 18155, + "efined": 18156, + "Ġber": 18157, + "Ġconsulting": 18158, + "Ġmasters": 18159, + "heastern": 18160, + ".\"[": 18161, + "ĠRunning": 18162, + "Ġsuscept": 18163, + "ĠFeng": 18164, + "America": 18165, + "prises": 18166, + "stitial": 18167, + "ĠWeekly": 18168, + "ĠGreater": 18169, + "modules": 18170, + "ifter": 18171, + "Graphics": 18172, + "uler": 18173, + "Ġwholly": 18174, + "Ġsuppress": 18175, + "Ġconcealed": 18176, + "Ġhappily": 18177, + "Ġaccepts": 18178, + "ĠEnjoy": 18179, + "Ġrivers": 18180, + "ĠExcept": 18181, + "225": 18182, + "ĠNHS": 18183, + "ĠMcConnell": 18184, + "Ġpussy": 18185, + "ferred": 18186, + "utable": 18187, + "Ġattain": 18188, + "Ġ>=": 18189, + "Ġdeposits": 18190, + "rophic": 18191, + "Ġnotorious": 18192, + "ĠShaw": 18193, + "ilitation": 18194, + "Ġepidemic": 18195, + "allic": 18196, + "Ġsmallest": 18197, + "ovich": 18198, + "Ġaccessories": 18199, + "perties": 18200, + "Ġsurplus": 18201, + "ĠMech": 18202, + "Ġambig": 18203, + "ĠImmigration": 18204, + "Ġchim": 18205, + "eval": 18206, + "Ġpracticing": 18207, + "ĠMystery": 18208, + "Ġdomains": 18209, + "ĠSilicon": 18210, + "apps": 18211, + "Ġkilometers": 18212, + "ea": 18213, + "ĠSmash": 18214, + "Ġwarranty": 18215, + "Ġnost": 18216, + "sil": 18217, + "rev": 18218, + "Jon": 18219, + "ĠDublin": 18220, + "Ġtastes": 18221, + "Ġbout": 18222, + "great": 18223, + "error": 18224, + "Ġswitches": 18225, + "ĠBapt": 18226, + "DO": 18227, + "oki": 18228, + "Ġsourced": 18229, + "produ": 18230, + "Ġattachment": 18231, + "ĠIssue": 18232, + "ĠQuestion": 18233, + "Join": 18234, + "Ġfitted": 18235, + "Ġunlawful": 18236, + "^^": 18237, + "erek": 18238, + "Ġauthentication": 18239, + "Ġstole": 18240, + "Ġaccountability": 18241, + "label": 18242, + "Search": 18243, + "Ġalbeit": 18244, + "atican": 18245, + "funded": 18246, + "ĠAdding": 18247, + "ĠIQ": 18248, + "Ġsubmar": 18249, + "lit": 18250, + "aque": 18251, + "ĠLearning": 18252, + "Ġinteger": 18253, + "Master": 18254, + "ĠChrom": 18255, + "Ġpremier": 18256, + "Op": 18257, + "ĠLiu": 18258, + "Ġblessed": 18259, + "ĠGlobe": 18260, + "ĠResponse": 18261, + "Ġlegitim": 18262, + "ĠMerkel": 18263, + "Ġdisposal": 18264, + "´": 18265, + "Ġgauge": 18266, + "peat": 18267, + "Ġinduced": 18268, + "Ġquestionable": 18269, + "arthy": 18270, + "ĠVit": 18271, + "ĠFeed": 18272, + "Until": 18273, + "Ut": 18274, + "worthy": 18275, + "RY": 18276, + "ĠHerald": 18277, + "ĠHammer": 18278, + "Ġmedal": 18279, + "ĠRivers": 18280, + "ĠHack": 18281, + "Ġclarify": 18282, + "Ġtracked": 18283, + "Ġautonomous": 18284, + "Ġtenant": 18285, + "ĠQatar": 18286, + "erie": 18287, + "Ġgrim": 18288, + "ĠMonitor": 18289, + "Ġresistant": 18290, + "ĠSpec": 18291, + "ĠWells": 18292, + "NAS": 18293, + "148": 18294, + "Ġminers": 18295, + "iotics": 18296, + "Ġmisses": 18297, + "116": 18298, + "gian": 18299, + "git": 18300, + "ĠEyes": 18301, + "pres": 18302, + "Ġgraduated": 18303, + "Ġangel": 18304, + "Ġsynchron": 18305, + "Ġefficiently": 18306, + "Ġtransmitted": 18307, + "Harry": 18308, + "Ġglobally": 18309, + "ENCE": 18310, + "ĠMontana": 18311, + "raged": 18312, + "ĠPrevention": 18313, + "Ġpiss": 18314, + "ĠLl": 18315, + "Ġshelf": 18316, + "ĠBJP": 18317, + "ĠTestament": 18318, + "ĠLate": 18319, + "iker": 18320, + "ĠHapp": 18321, + "ĠJulian": 18322, + "hall": 18323, + "Ġspont": 18324, + "Ġshutdown": 18325, + "Ġinconsistent": 18326, + "Ġsubscribers": 18327, + "Ġskeleton": 18328, + "ĠNebraska": 18329, + "Ġinspire": 18330, + "ĠVoid": 18331, + "Feed": 18332, + "Ġangles": 18333, + "ĠSprings": 18334, + "Ġbenchmark": 18335, + "Ġvaccines": 18336, + "izophren": 18337, + "sexual": 18338, + "uffed": 18339, + "Ġshine": 18340, + "ĠKath": 18341, + "Ġgesture": 18342, + "inea": 18343, + "Ġrip": 18344, + "Ġoppression": 18345, + "Ġconscience": 18346, + "bt": 18347, + "ĠLum": 18348, + "Ġincidence": 18349, + "ĠFa": 18350, + "wr": 18351, + "Ġmineral": 18352, + "ĠSpurs": 18353, + "alky": 18354, + "Ġthunder": 18355, + "Ġopio": 18356, + "Being": 18357, + "ĠPalm": 18358, + "Ġwasted": 18359, + "Ġlb": 18360, + "iaries": 18361, + "ĠInitiative": 18362, + "Ġcurric": 18363, + "Ġmarker": 18364, + "ĠMcL": 18365, + "Ġextensions": 18366, + "ĠPv": 18367, + "ĠArms": 18368, + "Ġofferings": 18369, + "Ġdefenses": 18370, + "Ġvendor": 18371, + "Ġcontradict": 18372, + "ĠColin": 18373, + "Ġreddit": 18374, + "Ġperipher": 18375, + "122": 18376, + "Ġsins": 18377, + "Edit": 18378, + "ICT": 18379, + "Soft": 18380, + "ĠShah": 18381, + "Ġadministrator": 18382, + "ĠTrip": 18383, + "Ġpornography": 18384, + "Ġtuition": 18385, + "inence": 18386, + "ĠProgress": 18387, + "Ġcatalog": 18388, + "Ġsuite": 18389, + "Ġhike": 18390, + "Ġreproductive": 18391, + "engine": 18392, + "Ġdrought": 18393, + "ĠNoah": 18394, + "Ġ230": 18395, + "Ġdude": 18396, + "Ġrelaxed": 18397, + "Ġpartition": 18398, + "Ġparticipant": 18399, + "Ġtelesc": 18400, + "Ġfeas": 18401, + "ĠFF": 18402, + "owner": 18403, + "Ġsweeping": 18404, + "Ġlenses": 18405, + "Ġmatchup": 18406, + "ĠRepl": 18407, + "ournals": 18408, + "Ġcredible": 18409, + "Ġgrandmother": 18410, + "Ġthermal": 18411, + "Ġsubscribing": 18412, + "Ġidentities": 18413, + "colm": 18414, + "UCT": 18415, + "Ġreluctant": 18416, + "users": 18417, + "ĠCort": 18418, + "Ġassisted": 18419, + "OSS": 18420, + "ATIONS": 18421, + "ISH": 18422, + "Ġpharmaceutical": 18423, + "icable": 18424, + "adian": 18425, + "ĠSonic": 18426, + "ĠFury": 18427, + "ĠMong": 18428, + "AH": 18429, + "ĠPsychology": 18430, + "Ġphosph": 18431, + "Ġtreats": 18432, + "ŃĶ": 18433, + "Ġsteadily": 18434, + "ĠHello": 18435, + "Ġrelates": 18436, + "Ġclue": 18437, + "Expl": 18438, + "auth": 18439, + "Ġrevision": 18440, + "Ġeld": 18441, + "osion": 18442, + "Ġbron": 18443, + "144": 18444, + "rikes": 18445, + "Ġmines": 18446, + "Ġblanket": 18447, + "ĠFail": 18448, + "eled": 18449, + "ĠImagine": 18450, + "ĠPlanned": 18451, + "aic": 18452, + "Request": 18453, + "Mad": 18454, + "ĠHorse": 18455, + "ĠEagle": 18456, + "Ġcapac": 18457, + "157": 18458, + "Ġling": 18459, + "ĠNice": 18460, + "ĠParenthood": 18461, + "minster": 18462, + "ogs": 18463, + "ensitive": 18464, + "Nothing": 18465, + "Ġcarn": 18466, + "Fin": 18467, + "ĠPE": 18468, + "Ġrifles": 18469, + "ĠLP": 18470, + "Sand": 18471, + "ĠguiActive": 18472, + "Ġtourist": 18473, + "CNN": 18474, + "Ġunveiled": 18475, + "Ġpredecessor": 18476, + "}{": 18477, + "uber": 18478, + "Ġoffshore": 18479, + "Ġoptical": 18480, + "ĠRot": 18481, + "ĠPearl": 18482, + "eton": 18483, + "Ġstared": 18484, + "Ġfarther": 18485, + "atility": 18486, + "contin": 18487, + "ĠGy": 18488, + "ĠFoster": 18489, + "ĠCoc": 18490, + "rients": 18491, + "Ġdesigning": 18492, + "ĠEconomy": 18493, + "ONG": 18494, + "Women": 18495, + "ĠNancy": 18496, + "erver": 18497, + "Ġmascul": 18498, + "Ġcasualties": 18499, + "Ġ225": 18500, + "ĠSullivan": 18501, + "ĠChoice": 18502, + "Ġaster": 18503, + "ws": 18504, + "Ġhotels": 18505, + "Ġconsiderations": 18506, + "Ġcouch": 18507, + "ĠStrip": 18508, + "ĠGn": 18509, + "Ġmanipulate": 18510, + "lied": 18511, + "Ġsynthetic": 18512, + "Ġassaulted": 18513, + "Ġoffenses": 18514, + "ĠDrake": 18515, + "Ġimpe": 18516, + "October": 18517, + "ĠHeritage": 18518, + "hl": 18519, + "ĠBlair": 18520, + "Unlike": 18521, + "Ġgrief": 18522, + "Ġ450": 18523, + "Ġopted": 18524, + "Ġresignation": 18525, + "ilo": 18526, + "Ġverse": 18527, + "ĠTomb": 18528, + "Ġupt": 18529, + "Ġaired": 18530, + "ĠHook": 18531, + "ĠMLB": 18532, + "Ġassumes": 18533, + "outed": 18534, + "ĠVers": 18535, + "Ġinferior": 18536, + "Ġbundle": 18537, + "ĠDNS": 18538, + "ographer": 18539, + "Ġmultip": 18540, + "ĠSouls": 18541, + "Ġillustrated": 18542, + "Ġtactic": 18543, + "Ġdressing": 18544, + "Ġduo": 18545, + "Conf": 18546, + "Ġrelent": 18547, + "Ġcant": 18548, + "Ġscarce": 18549, + "Ġcandy": 18550, + "ĠCF": 18551, + "Ġaffiliated": 18552, + "Ġsprint": 18553, + "ylan": 18554, + "ĠGarcia": 18555, + "Ġjunk": 18556, + "Print": 18557, + "exec": 18558, + "Crit": 18559, + "Ġportrait": 18560, + "iries": 18561, + "ĠOFF": 18562, + "Ġdisputes": 18563, + "WR": 18564, + "Love": 18565, + "ãģĦ": 18566, + "ĠReyn": 18567, + "Ġhipp": 18568, + "opath": 18569, + "Ġfloors": 18570, + "ĠFeel": 18571, + "Ġworries": 18572, + "Ġsettlements": 18573, + "ĠPos": 18574, + "Ġmosque": 18575, + "Ġfinals": 18576, + "Ġcrushed": 18577, + "ĠProbably": 18578, + "ĠBot": 18579, + "ĠMans": 18580, + "ĠPeriod": 18581, + "Ġsovereignty": 18582, + "Ġseller": 18583, + "Ġapost": 18584, + "Ġamateur": 18585, + "Ġdorm": 18586, + "Ġconsuming": 18587, + "Ġarmour": 18588, + "ĠRoose": 18589, + "Ġintensive": 18590, + "Ġeliminating": 18591, + "ĠSunni": 18592, + "ĠAleppo": 18593, + "jin": 18594, + "Ġadvise": 18595, + "pal": 18596, + "ĠHalo": 18597, + "Ġdescent": 18598, + "Ġsimpler": 18599, + "Ġbooth": 18600, + "STR": 18601, + "Later": 18602, + "ĠCave": 18603, + "===": 18604, + "Ġmol": 18605, + "Ġfist": 18606, + "Ġshotgun": 18607, + "supp": 18608, + "Ġrobbery": 18609, + "Effect": 18610, + "Ġobscure": 18611, + "ĠProfessional": 18612, + "Ġembassy": 18613, + "Ġmilitant": 18614, + "Ġincarcer": 18615, + "Ġgenerates": 18616, + "Ġlaunches": 18617, + "Ġadministrators": 18618, + "Ġshaft": 18619, + "Ġcircular": 18620, + "Ġfreshman": 18621, + "ĠWes": 18622, + "ĠJoel": 18623, + "ĠDrew": 18624, + "ĠDuncan": 18625, + "ĠApparently": 18626, + "sight": 18627, + "ĠInternal": 18628, + "ĠIndividual": 18629, + "ĠFE": 18630, + "Ġbore": 18631, + "ĠMt": 18632, + "Ġbroadly": 18633, + "ĠOptions": 18634, + "ountain": 18635, + "ipes": 18636, + "ĠVideos": 18637, + "204": 18638, + "Ġhills": 18639, + "Ġsimulation": 18640, + "Ġdisappointment": 18641, + "itan": 18642, + "ĠLaboratory": 18643, + "Ġupward": 18644, + "Ġboundary": 18645, + "Ġdarker": 18646, + "hart": 18647, + "Ġdominance": 18648, + "Cong": 18649, + "ĠOracle": 18650, + "ĠLords": 18651, + "Ġscholarship": 18652, + "ĠVincent": 18653, + "ede": 18654, + "ĠRah": 18655, + "Ġencourages": 18656, + "rov": 18657, + "Ġquo": 18658, + "Ġpremise": 18659, + "ĠCrisis": 18660, + "ĠHolocaust": 18661, + "Ġrhythm": 18662, + "Ġmetric": 18663, + "club": 18664, + "Ġtransported": 18665, + "Ġnod": 18666, + "ĠPist": 18667, + "Ġancestors": 18668, + "ĠFreder": 18669, + "thumbnails": 18670, + "ĠCE": 18671, + "OND": 18672, + "Phil": 18673, + "venge": 18674, + "ĠProducts": 18675, + "castle": 18676, + "Ġqualifying": 18677, + "ĠKaren": 18678, + "VERTISEMENT": 18679, + "Ġmighty": 18680, + "Ġexplanations": 18681, + "Ġfixing": 18682, + "Di": 18683, + "Ġdeclaring": 18684, + "Ġanonymity": 18685, + "Ġjuven": 18686, + "ĠNord": 18687, + "ĠDoom": 18688, + "ĠActually": 18689, + "Ok": 18690, + "phis": 18691, + "ĠDesert": 18692, + "Ġ116": 18693, + "IK": 18694, + "ĠFM": 18695, + "Ġincomes": 18696, + "VEL": 18697, + "okers": 18698, + "Ġpecul": 18699, + "Ġlightweight": 18700, + "gue": 18701, + "Ġaccent": 18702, + "Ġincrement": 18703, + "ĠChan": 18704, + "Ġcomplaining": 18705, + "ĠBaghd": 18706, + "Ġmidfielder": 18707, + "Ġoverhaul": 18708, + "Process": 18709, + "ĠHollow": 18710, + "ĠTitans": 18711, + "Small": 18712, + "manuel": 18713, + "ĠUnity": 18714, + "ĠEvents": 18715, + "Sty": 18716, + "Ġdisproportion": 18717, + "nesty": 18718, + "enes": 18719, + "ĠCod": 18720, + "Ġdemonstrations": 18721, + "ĠCrimson": 18722, + "ĠOH": 18723, + "Ġenrolled": 18724, + "Ġcel": 18725, + "ĠBrett": 18726, + "Ġaide": 18727, + "Ġheels": 18728, + "Ġbroadband": 18729, + "Ġmarking": 18730, + "Ġwizard": 18731, + "ĠNJ": 18732, + "ĠChiefs": 18733, + "Ġingredient": 18734, + "Ġdug": 18735, + "ĠShut": 18736, + "urchase": 18737, + "endor": 18738, + "Ġfarmer": 18739, + "ĠGoldman": 18740, + "129": 18741, + "155": 18742, + "Order": 18743, + "Ġlion": 18744, + "iably": 18745, + "Ġstain": 18746, + "array": 18747, + "ilitary": 18748, + "ĠFAQ": 18749, + "Ġexploded": 18750, + "ĠMcCarthy": 18751, + "ĠTweet": 18752, + "ĠGreens": 18753, + "eking": 18754, + "ln": 18755, + "ensen": 18756, + "Ġmotorcycle": 18757, + "Ġparticle": 18758, + "Ġcholesterol": 18759, + "Bron": 18760, + "Ġstair": 18761, + "Ġoxid": 18762, + "Ġdesirable": 18763, + "ibles": 18764, + "Ġtheor": 18765, + "forcing": 18766, + "Ġpromotional": 18767, + "ovo": 18768, + "boot": 18769, + "ĠBonus": 18770, + "rawling": 18771, + "Ġshortage": 18772, + "ĠPsy": 18773, + "Ġrecruited": 18774, + "Ġinfants": 18775, + "Ġtestosterone": 18776, + "Ġdeduct": 18777, + "Ġdistinctive": 18778, + "Ġfirmware": 18779, + "built": 18780, + "145": 18781, + "Ġexplored": 18782, + "Ġfactions": 18783, + "Ġvide": 18784, + "Ġtattoo": 18785, + "Ġfinancially": 18786, + "Ġfatigue": 18787, + "Ġproceeding": 18788, + "constitutional": 18789, + "Ġmiser": 18790, + "Ġchairs": 18791, + "gging": 18792, + "ipple": 18793, + "Ġdent": 18794, + "Ġdisreg": 18795, + "çĶ": 18796, + "stant": 18797, + "llo": 18798, + "bps": 18799, + "akening": 18800, + "Ġabnormal": 18801, + "ĠERA": 18802, + "士": 18803, + "ĠHBO": 18804, + "ĠMAR": 18805, + "Ġconcess": 18806, + "Ġservant": 18807, + "Ġaspir": 18808, + "lav": 18809, + "ĠPanel": 18810, + "amo": 18811, + "Ġprecip": 18812, + "Ġrecordings": 18813, + "Ġproceeded": 18814, + "Ġcolony": 18815, + "ĠTang": 18816, + "ablo": 18817, + "Ġstripped": 18818, + "Left": 18819, + "too": 18820, + "Ġpotatoes": 18821, + "Ġfinest": 18822, + "%).": 18823, + "Ġcrap": 18824, + "ĠZach": 18825, + "abases": 18826, + "ĠGoth": 18827, + "Ġbillionaire": 18828, + "wolf": 18829, + "Ġsanction": 18830, + "SK": 18831, + "Ġlogged": 18832, + "Po": 18833, + "eyed": 18834, + "unal": 18835, + "Ġcricket": 18836, + "Ġarmies": 18837, + "Ġuncovered": 18838, + "Cloud": 18839, + "ón": 18840, + "Ġrebounds": 18841, + "Ġmes": 18842, + "Oper": 18843, + "Pac": 18844, + "Ġnationally": 18845, + "Ġinserted": 18846, + "pict": 18847, + "Ġgovernance": 18848, + "и": 18849, + "Ġprivileges": 18850, + "GET": 18851, + "Ġfavorites": 18852, + "imity": 18853, + "Ġlover": 18854, + "them": 18855, + "empl": 18856, + "Ġgorgeous": 18857, + "Ann": 18858, + "Ġslipped": 18859, + "Ġveto": 18860, + "Bob": 18861, + "Ġslim": 18862, + "ucc": 18863, + "ĠFame": 18864, + "uddenly": 18865, + "Ġdenies": 18866, + "ĠMaur": 18867, + "Ġdistances": 18868, + "Ġwanna": 18869, + "tar": 18870, + "ĠSER": 18871, + "ĠâĪ": 18872, + "Ġlemon": 18873, + "athetic": 18874, + "Ġliteral": 18875, + "Ġdistinguished": 18876, + "Ġanswering": 18877, + "GI": 18878, + "Ġreligions": 18879, + "ĠPhilos": 18880, + "ĠLay": 18881, + "Ġcompos": 18882, + "irements": 18883, + "ĠKos": 18884, + "inez": 18885, + "rolling": 18886, + "Ġyoungest": 18887, + "andise": 18888, + "ĠBorn": 18889, + "Ġaltar": 18890, + "amina": 18891, + "ĠBoot": 18892, + "voc": 18893, + "Ġdigging": 18894, + "Ġpressures": 18895, + "Ġlen": 18896, + "264": 18897, + "Ġassassination": 18898, + "ĠBirmingham": 18899, + "ĠMyth": 18900, + "Ġsovereign": 18901, + "ĠArtist": 18902, + "ĠPhotograph": 18903, + "Ġdepicted": 18904, + "Ġdispens": 18905, + "orthy": 18906, + "Ġambul": 18907, + "integ": 18908, + "ĠCele": 18909, + "ĠTibet": 18910, + "Ġhierarchy": 18911, + "Ġcu": 18912, + "Ġpreseason": 18913, + "ĠPeterson": 18914, + "Ġcolours": 18915, + "Ġworrying": 18916, + "Ġbackers": 18917, + "ĠPalmer": 18918, + "Ġμ": 18919, + "Ġcontributor": 18920, + "Ġhearings": 18921, + "Ġurine": 18922, + "ĠÙ": 18923, + "ourgeois": 18924, + "Similar": 18925, + "ĠZimmer": 18926, + "something": 18927, + "ĠUSC": 18928, + "Ġstrengths": 18929, + "ĠFI": 18930, + "Ġlogging": 18931, + "Asked": 18932, + "ĠThai": 18933, + "inqu": 18934, + "ĠWalt": 18935, + "Ġcrews": 18936, + "itism": 18937, + "301": 18938, + "Ġsharply": 18939, + "umed": 18940, + "Ġredirect": 18941, + "rators": 18942, + "Inf": 18943, + "ĠWeapons": 18944, + "Ġteasp": 18945, + "1999": 18946, + "Live": 18947, + "ĠEspecially": 18948, + "ĠSter": 18949, + "ĠVeterans": 18950, + "Ġintro": 18951, + "otherapy": 18952, + "Ġmalware": 18953, + "Ġbreeding": 18954, + "Ġmolecular": 18955, + "ĠRoute": 18956, + "ĠComment": 18957, + "ochem": 18958, + "Ġain": 18959, + "Season": 18960, + "Ġlinebacker": 18961, + "Ä«": 18962, + "ĠEconomics": 18963, + "esar": 18964, + "ĠLives": 18965, + "ĠEmma": 18966, + "Ġkin": 18967, + "ĠTerrit": 18968, + "Ġplanted": 18969, + "oton": 18970, + "ĠButter": 18971, + "ĠSpons": 18972, + "PER": 18973, + "Ġdungeon": 18974, + "Ġsymbolic": 18975, + "Ġfilmed": 18976, + "Ġdiets": 18977, + "Ġconcludes": 18978, + "Ġcertainty": 18979, + "ĠFormat": 18980, + "Ġstrangers": 18981, + "format": 18982, + "ĠPhase": 18983, + "Ġcopied": 18984, + "Ġmetres": 18985, + "lda": 18986, + "ĠUsers": 18987, + "Ġdeliberate": 18988, + "Ġwashed": 18989, + "ĠLance": 18990, + "imation": 18991, + "Ġimproper": 18992, + "ĠGenesis": 18993, + "ickr": 18994, + "ĠKush": 18995, + "Ġrealise": 18996, + "Ġembarrassing": 18997, + "alking": 18998, + "bucks": 18999, + "Ġverified": 19000, + "Ġoutline": 19001, + "years": 19002, + "ĠIncome": 19003, + "202": 19004, + "Ġzombies": 19005, + "Final": 19006, + "ĠMillenn": 19007, + "Ġmodifications": 19008, + "ĠVision": 19009, + "ĠMoses": 19010, + "verb": 19011, + "iterranean": 19012, + "ĠJet": 19013, + "Ġnaval": 19014, + "ĠAgg": 19015, + "Ġurl": 19016, + "Ġvictories": 19017, + "Ġnonetheless": 19018, + "Ġinjust": 19019, + "ĠFact": 19020, + "çļ": 19021, + "Ġinsufficient": 19022, + "review": 19023, + "facebook": 19024, + "Ġnegotiating": 19025, + "Ġguarantees": 19026, + "imen": 19027, + "utenberg": 19028, + "Ġgambling": 19029, + "Ġcongr": 19030, + "Loading": 19031, + "Ġnevertheless": 19032, + "Ġpresidents": 19033, + "ĠIndustrial": 19034, + "Ġ118": 19035, + "Ġpoured": 19036, + "ĠTory": 19037, + "Ġ175": 19038, + "Ġ:=": 19039, + "Scott": 19040, + "angered": 19041, + "Tok": 19042, + "Ġorganizers": 19043, + "Mat": 19044, + "ĠGrowth": 19045, + "Ġadul": 19046, + "Ġensures": 19047, + "Ġ117": 19048, + "é¾įå": 19049, + "Ġmassacre": 19050, + "Ġgrades": 19051, + "before": 19052, + "ADVERTISEMENT": 19053, + "ĠSlow": 19054, + "ĠMMA": 19055, + "âĢĶ\"": 19056, + "ĠVatican": 19057, + "Qaeda": 19058, + "Ġowe": 19059, + "6666": 19060, + "ĠSorry": 19061, + "ĠGrass": 19062, + "Ġbackgrounds": 19063, + "Ġexhausted": 19064, + "Ġclan": 19065, + "Ġcompromised": 19066, + "ĠElf": 19067, + "ĠIsaac": 19068, + "enson": 19069, + "Invest": 19070, + "IFA": 19071, + "Ġinterrupted": 19072, + "ãĥīãĥ©": 19073, + "Ġtwisted": 19074, + "ĠDragons": 19075, + "Mode": 19076, + "ĠKremlin": 19077, + "Ġfertil": 19078, + "heres": 19079, + "phan": 19080, + "ĠNode": 19081, + "fed": 19082, + "ĠOrc": 19083, + "Ġunwilling": 19084, + "Cent": 19085, + "Ġpriorit": 19086, + "Ġgraduates": 19087, + "Ġsubjective": 19088, + "Ġissuing": 19089, + "ĠLt": 19090, + "Ġviewer": 19091, + "Ġwoke": 19092, + "Thus": 19093, + "brook": 19094, + "Ġdepressed": 19095, + "Ġbracket": 19096, + "ĠGor": 19097, + "ĠFighting": 19098, + "Ġstriker": 19099, + "Report": 19100, + "ĠPortugal": 19101, + "Ġneo": 19102, + "wed": 19103, + "199": 19104, + "Ġfleeing": 19105, + "shadow": 19106, + "identified": 19107, + "USE": 19108, + "Steam": 19109, + "Ġstretched": 19110, + "Ġrevelations": 19111, + "arted": 19112, + "ĠDw": 19113, + "Ġalignment": 19114, + "eston": 19115, + "ĠJared": 19116, + "Sep": 19117, + "Ġblogs": 19118, + "update": 19119, + "gom": 19120, + "risk": 19121, + "Ġclash": 19122, + "ĠHour": 19123, + "Ġruntime": 19124, + "Ġunwanted": 19125, + "Ġscam": 19126, + "Ġrack": 19127, + "Ġenlight": 19128, + "onest": 19129, + "ĠFerr": 19130, + "Ġconvictions": 19131, + "Ġpiano": 19132, + "Ġcirculation": 19133, + "ĠWelcome": 19134, + "Ġbacklash": 19135, + "ĠWade": 19136, + "Ġreceivers": 19137, + "otive": 19138, + "Jeff": 19139, + "Ġnetworking": 19140, + "ĠPrep": 19141, + "ĠExplorer": 19142, + "Ġlecture": 19143, + "Ġuploaded": 19144, + "ĠMeat": 19145, + "BLE": 19146, + "ĠNazis": 19147, + "ĠSynd": 19148, + "stud": 19149, + "roots": 19150, + "rians": 19151, + "Ġportrayed": 19152, + "Ġ??": 19153, + "ĠBuddha": 19154, + "sun": 19155, + "Robert": 19156, + "ĠComplex": 19157, + "Ġoversee": 19158, + "Ġstealth": 19159, + "Title": 19160, + "ĠJobs": 19161, + "ĠKum": 19162, + "Ġappreciation": 19163, + "ĠMOD": 19164, + "Ġbasics": 19165, + "Ġclips": 19166, + "Ġnursing": 19167, + "Ġproposition": 19168, + "Ġrealised": 19169, + "ĠNYC": 19170, + "Ġallocated": 19171, + "rium": 19172, + "aran": 19173, + "ĠProduction": 19174, + "ĠVote": 19175, + "Ġsmugg": 19176, + "Ġhunter": 19177, + "azer": 19178, + "ĠChanges": 19179, + "Ġfluct": 19180, + "yon": 19181, + "Array": 19182, + "Ġkits": 19183, + "Water": 19184, + "Ġuncommon": 19185, + "Ġresting": 19186, + "ells": 19187, + "would": 19188, + "Ġpursued": 19189, + "Ġassertion": 19190, + "ometown": 19191, + "ĠMosul": 19192, + "ĠPlatform": 19193, + "iolet": 19194, + "Ġshareholders": 19195, + "Ġtrails": 19196, + "Pay": 19197, + "ĠEnforcement": 19198, + "types": 19199, + "ĠAnonymous": 19200, + "Ġsatisfying": 19201, + "ilogy": 19202, + "Ġ('": 19203, + "wave": 19204, + "city": 19205, + "Steve": 19206, + "Ġconfrontation": 19207, + "ĠEld": 19208, + "Capt": 19209, + "ahan": 19210, + "htm": 19211, + "ĠCtrl": 19212, + "ONS": 19213, + "230": 19214, + "ifa": 19215, + "holding": 19216, + "Ġdelicate": 19217, + "Ġjaw": 19218, + "ĠGoing": 19219, + "orum": 19220, + "Sal": 19221, + "Ġdull": 19222, + "ĠBeth": 19223, + "Ġprisons": 19224, + "Ġego": 19225, + "ĠElsa": 19226, + "avorite": 19227, + "ĠGang": 19228, + "ĠNuclear": 19229, + "Ġspider": 19230, + "atsu": 19231, + "Ġsampling": 19232, + "Ġabsorbed": 19233, + "ĠPharm": 19234, + "ieth": 19235, + "Ġbucket": 19236, + "ĠRecomm": 19237, + "OF": 19238, + "ĠFactory": 19239, + "ANCE": 19240, + "Ġbacter": 19241, + "Has": 19242, + "ĠObserv": 19243, + "121": 19244, + "Ġpremiere": 19245, + "Develop": 19246, + "Ġcurrencies": 19247, + "Cast": 19248, + "Ġaccompanying": 19249, + "ĠNashville": 19250, + "Ġfatty": 19251, + "ĠBrend": 19252, + "Ġlocks": 19253, + "Ġcentered": 19254, + "ĠUT": 19255, + "aughs": 19256, + "orie": 19257, + "ĠAffordable": 19258, + "vance": 19259, + "DL": 19260, + "emet": 19261, + "Ġthrone": 19262, + "ĠBluetooth": 19263, + "Ġnaming": 19264, + "ifts": 19265, + "ADE": 19266, + "Ġcorrected": 19267, + "Ġpromptly": 19268, + "ĠSTR": 19269, + "Ġgenome": 19270, + "Ġcope": 19271, + "Ġvalley": 19272, + "Ġrounded": 19273, + "ĠKend": 19274, + "alion": 19275, + "pers": 19276, + "Ġtourism": 19277, + "Ġstark": 19278, + "vl": 19279, + "Ġblowing": 19280, + "ĠSchedule": 19281, + "std": 19282, + "Ġunhappy": 19283, + "Ġlitigation": 19284, + "cedes": 19285, + "Ġandroid": 19286, + "Ġintegral": 19287, + "erers": 19288, + "uded": 19289, + "tax": 19290, + "Ġreiter": 19291, + "ĠMotors": 19292, + "ociated": 19293, + "Ġwonders": 19294, + "ĠApost": 19295, + "ucking": 19296, + "ĠRoosevelt": 19297, + "fram": 19298, + "Ġyields": 19299, + "Ġconstitutes": 19300, + "awk": 19301, + "Interest": 19302, + "Ġinterim": 19303, + "Ġbreakthrough": 19304, + "ĠCher": 19305, + "Ġprosec": 19306, + "ĠDj": 19307, + "ĠMT": 19308, + "Resp": 19309, + "ĠPT": 19310, + "Ġsperm": 19311, + "edit": 19312, + "BT": 19313, + "Linux": 19314, + "country": 19315, + "league": 19316, + "Ġdick": 19317, + "Ġoct": 19318, + "Ġinserting": 19319, + "Ġscra": 19320, + "ĠBrewing": 19321, + "Ġ1966": 19322, + "Ġrunners": 19323, + "Ġplun": 19324, + "idy": 19325, + "ĠDian": 19326, + "Ġdysfunction": 19327, + "Ġexclusion": 19328, + "Ġdisgr": 19329, + "Ġincorporate": 19330, + "Ġreconc": 19331, + "Ġnominated": 19332, + "ĠArcher": 19333, + "draw": 19334, + "achelor": 19335, + "Ġwritings": 19336, + "Ġshallow": 19337, + "Ġhast": 19338, + "ĠBMW": 19339, + "ĠRS": 19340, + "Ġthigh": 19341, + "Ġ1963": 19342, + "Ġlamb": 19343, + "Ġfavored": 19344, + "agle": 19345, + "Ġcooler": 19346, + "ĠHours": 19347, + "ĠGU": 19348, + "ĠOrigin": 19349, + "Ġglimpse": 19350, + "--------------------": 19351, + "Lim": 19352, + "Ġcheek": 19353, + "Ġjealous": 19354, + "-'": 19355, + "Ġharness": 19356, + "ĠPoison": 19357, + "Ġdisabilities": 19358, + "neapolis": 19359, + "Ġoutlook": 19360, + "Ġnotify": 19361, + "ĠIndianapolis": 19362, + "Ġabrupt": 19363, + "nsic": 19364, + "Ġencrypted": 19365, + "Ġforfe": 19366, + "reath": 19367, + "Ġrabb": 19368, + "Ġfoundations": 19369, + "Ġcompliment": 19370, + "ĠInterview": 19371, + "ĠSwe": 19372, + "Ġadolesc": 19373, + "Ġmonitors": 19374, + "ĠSacramento": 19375, + "Ġtimely": 19376, + "Ġcontempl": 19377, + "Ġpositioned": 19378, + "Ġposters": 19379, + "phies": 19380, + "iovascular": 19381, + "void": 19382, + "ĠFifth": 19383, + "Ġinvestigative": 19384, + "OUN": 19385, + "Ġintegrate": 19386, + "ĠINC": 19387, + "isha": 19388, + "iblings": 19389, + "ĠRequest": 19390, + "ĠRodriguez": 19391, + "Ġslides": 19392, + "ĠDX": 19393, + "Ġfeminism": 19394, + "Ġdatas": 19395, + "Ġbend": 19396, + "irus": 19397, + "ĠNigeria": 19398, + "Fox": 19399, + "Change": 19400, + "Ġairplane": 19401, + "ĠLaden": 19402, + "Ġpublicity": 19403, + "ixty": 19404, + "Ġcommitments": 19405, + "Ġaggregate": 19406, + "Ġdisplaying": 19407, + "ĠArrow": 19408, + "Ġ122": 19409, + "Ġrespects": 19410, + "android": 19411, + "six": 19412, + "ĠSha": 19413, + "Ġrestoration": 19414, + ")\\": 19415, + "WS": 19416, + "oys": 19417, + "Ġillustrate": 19418, + "without": 19419, + "126": 19420, + "ĠâĶĤ": 19421, + "Ġpickup": 19422, + "nels": 19423, + "Ġ....": 19424, + "food": 19425, + "ĠFen": 19426, + ")?": 19427, + "Ġphenomena": 19428, + "Ġcompanions": 19429, + "ĠWrite": 19430, + "Ġspill": 19431, + "Ġbridges": 19432, + "ĠUpdated": 19433, + "ĠFo": 19434, + "Ġinsects": 19435, + "ASHINGTON": 19436, + "Ġscare": 19437, + "iltr": 19438, + "ĠZhang": 19439, + "Ġseverity": 19440, + "Ġindul": 19441, + "149": 19442, + "ĠCoffee": 19443, + "Ġnorms": 19444, + "Ġpulse": 19445, + "ĠFT": 19446, + "Ġhorrific": 19447, + "ĠDestroy": 19448, + "ĠJSON": 19449, + "Ġolive": 19450, + "Ġdiscusses": 19451, + "Rest": 19452, + "Elect": 19453, + "ĠWinn": 19454, + "ĠSurviv": 19455, + "ĠHait": 19456, + "Sure": 19457, + "oped": 19458, + "Ġrooted": 19459, + "ĠSke": 19460, + "ĠBronze": 19461, + "Ġlol": 19462, + "Default": 19463, + "Ġcommodity": 19464, + "redited": 19465, + "Ġlibertarian": 19466, + "Ġforbidden": 19467, + "Ġgran": 19468, + "à¨": 19469, + "Ġlag": 19470, + "enz": 19471, + "drive": 19472, + "Ġmathematics": 19473, + "Ġwires": 19474, + "Ġcritically": 19475, + "Ġcarbohyd": 19476, + "ĠChancellor": 19477, + "ĠEddie": 19478, + "Ġbanning": 19479, + "ĠFri": 19480, + "Ġcomplications": 19481, + "etric": 19482, + "ĠBangladesh": 19483, + "Ġbandwidth": 19484, + "Stop": 19485, + "ĠOriginally": 19486, + "Ġhalfway": 19487, + "ynasty": 19488, + "shine": 19489, + "Ġtales": 19490, + "rities": 19491, + "avier": 19492, + "Ġspinning": 19493, + "ĠWHO": 19494, + "Ġneighbourhood": 19495, + "bach": 19496, + "Ġcommerce": 19497, + "ĠSle": 19498, + "BU": 19499, + "Ġentrepreneur": 19500, + "Ġpeculiar": 19501, + "ĠComments": 19502, + "fre": 19503, + "320": 19504, + "ICS": 19505, + "Ġimagery": 19506, + "ĠCanon": 19507, + "ĠElectronic": 19508, + "short": 19509, + "((": 19510, + "Dig": 19511, + "Ġcommem": 19512, + "uced": 19513, + "Ġinclined": 19514, + "ĠSummon": 19515, + "Ġcliff": 19516, + "ĠMediterranean": 19517, + "Ġpoetry": 19518, + "Ġprosperity": 19519, + "ĠRece": 19520, + "Ġpills": 19521, + "member": 19522, + "Ġfinale": 19523, + "unc": 19524, + "ĠGig": 19525, + "ä½": 19526, + "Ġlod": 19527, + "Ġbackward": 19528, + "-+": 19529, + "ĠForward": 19530, + "Ġthri": 19531, + "sure": 19532, + "Ġsoap": 19533, + "ĠFX": 19534, + "RES": 19535, + "ĠSexual": 19536, + "oulos": 19537, + "Ġfoolish": 19538, + "Ġrighteous": 19539, + "Ġcoff": 19540, + "terrorism": 19541, + "ustain": 19542, + "oter": 19543, + "Ġabuses": 19544, + "next": 19545, + "Ġabusive": 19546, + "Ġthereafter": 19547, + "Ġprohibition": 19548, + "ĠSUP": 19549, + "Ġdip": 19550, + "Ġripped": 19551, + "Ġinherited": 19552, + "Ġbats": 19553, + "stru": 19554, + "GT": 19555, + "Ġflawed": 19556, + "phabet": 19557, + "Ġfog": 19558, + "doors": 19559, + "Ġimaging": 19560, + "Ġdigits": 19561, + "ĠHungary": 19562, + "Ġarrog": 19563, + "Ġteachings": 19564, + "Ġprotocols": 19565, + "ĠBanks": 19566, + "à¸": 19567, + "pound": 19568, + "ĠCurt": 19569, + ".\")": 19570, + "./": 19571, + "Ġexemption": 19572, + "endix": 19573, + "ĠMull": 19574, + "Ġimproves": 19575, + "ĠGamer": 19576, + "dimensional": 19577, + "Icon": 19578, + "ĠMargaret": 19579, + "Status": 19580, + "dates": 19581, + "Ġintends": 19582, + "Ġdepict": 19583, + "Ġparked": 19584, + "Joe": 19585, + "ĠMarines": 19586, + "chnology": 19587, + "!).": 19588, + "Ġjudged": 19589, + "Ġweights": 19590, + "Ray": 19591, + "Ġapartments": 19592, + "hester": 19593, + "Ġreinforce": 19594, + "Ġoffender": 19595, + "occup": 19596, + "Ġsore": 19597, + "ept": 19598, + "ĠPHP": 19599, + "ĠBrow": 19600, + "Ġauthorization": 19601, + "ĠRisk": 19602, + "ĠDelaware": 19603, + "ĠQU": 19604, + "Ġnotifications": 19605, + "Ġsunlight": 19606, + "Ġexclude": 19607, + "dat": 19608, + "Ġmesh": 19609, + "ĠSudan": 19610, + "Ġbelonged": 19611, + "Ġsubway": 19612, + "Ġnoon": 19613, + "ĠInterior": 19614, + "olics": 19615, + "ĠLakers": 19616, + "Ġcoding": 19617, + "Disclaimer": 19618, + "Calif": 19619, + "Old": 19620, + "Ġdisl": 19621, + "?????": 19622, + "Ġconfirms": 19623, + "Ġrecruitment": 19624, + "Ġhomicide": 19625, + "Consider": 19626, + "ĠJeffrey": 19627, + "fty": 19628, + "};": 19629, + "Ġobjection": 19630, + "doing": 19631, + "ĠLeo": 19632, + "Want": 19633, + "Ġglow": 19634, + "ĠClarke": 19635, + "ĠNorman": 19636, + "Ġverification": 19637, + "Ġpacket": 19638, + "ĠFormula": 19639, + "Ġplag": 19640, + "esville": 19641, + "Ġshouting": 19642, + "Ġov": 19643, + "ĠREC": 19644, + "ĠBub": 19645, + "Ġninth": 19646, + "Ġenerg": 19647, + "Ġvalidity": 19648, + "Ġups": 19649, + "jack": 19650, + "Ġneighboring": 19651, + "ĠNec": 19652, + "eworks": 19653, + "ĠHab": 19654, + "arez": 19655, + "Ġspine": 19656, + "Ġeventual": 19657, + "ĠLeaders": 19658, + "ĠCarn": 19659, + "Ġprobation": 19660, + "Ġromance": 19661, + "msg": 19662, + "ĠMechanical": 19663, + "ERY": 19664, + "Rock": 19665, + "Ġpartisan": 19666, + "Node": 19667, + "assets": 19668, + "minent": 19669, + "Ġforeigners": 19670, + "Ġtestify": 19671, + "ĠUsually": 19672, + "lords": 19673, + "ĠGren": 19674, + "ĠPowell": 19675, + "BIL": 19676, + "Ġsr": 19677, + "Ġaddict": 19678, + "Ġshells": 19679, + "Ġsigh": 19680, + "ĠYale": 19681, + "ternity": 19682, + "Ġ750": 19683, + "EU": 19684, + "ĠRifle": 19685, + "Ġpatron": 19686, + "ema": 19687, + "ĠBannon": 19688, + "anity": 19689, + "Ġtropical": 19690, + "ĠVII": 19691, + "cross": 19692, + "Everything": 19693, + "ĠISO": 19694, + "Ġhumble": 19695, + "assing": 19696, + "ĠFIG": 19697, + "Ġupdating": 19698, + "yson": 19699, + "Ġcalcium": 19700, + "Ġcompetent": 19701, + "Ġsteering": 19702, + "Prot": 19703, + "ĠSY": 19704, + "ĠFinals": 19705, + "ĠRug": 19706, + "159": 19707, + "137": 19708, + "ĠGolf": 19709, + "Ġ126": 19710, + "Ġaccommodation": 19711, + "ĠHughes": 19712, + "Ġaesthetic": 19713, + "artisan": 19714, + "ĠTwilight": 19715, + "Ġprince": 19716, + "ĠAgriculture": 19717, + "ĠDisco": 19718, + "Ġprecedent": 19719, + "Ġtyping": 19720, + "authorized": 19721, + "Option": 19722, + "ĠAub": 19723, + "lishes": 19724, + "acht": 19725, + "mag": 19726, + "Peter": 19727, + "ĠUFO": 19728, + "monton": 19729, + "ĠLith": 19730, + "Ġarom": 19731, + "Ġsecuring": 19732, + "Ġconfined": 19733, + "private": 19734, + "Ġswords": 19735, + "Ġmarkers": 19736, + "Ġmetabolic": 19737, + "select": 19738, + "ĠCurse": 19739, + "ĠOt": 19740, + "gressive": 19741, + "Ġincumb": 19742, + "ĠSaga": 19743, + "Ġpriced": 19744, + "Ġclearance": 19745, + "Content": 19746, + "Ġdrilling": 19747, + "Ġnotices": 19748, + "Ġbourgeois": 19749, + "Ġvest": 19750, + "Ġcookie": 19751, + "ĠGuardians": 19752, + "rys": 19753, + "inyl": 19754, + "Ġ124": 19755, + "Ġplausible": 19756, + "ongh": 19757, + "ĠOdin": 19758, + "Ġconception": 19759, + "ĠYuk": 19760, + "ĠBaghdad": 19761, + "ĠFlag": 19762, + "Austral": 19763, + "ĠIBM": 19764, + "Ġinternationally": 19765, + "ĠWikiLeaks": 19766, + "IED": 19767, + "Ġcyn": 19768, + "Ġchooses": 19769, + "ĠPill": 19770, + "Ġcombining": 19771, + "Ġradi": 19772, + "ĠMohammed": 19773, + "defense": 19774, + "atching": 19775, + "Subject": 19776, + "iciency": 19777, + "Frame": 19778, + "Ġ{\"": 19779, + "Ġchess": 19780, + "Ġtimer": 19781, + "190": 19782, + "Ġtin": 19783, + "Ġordinance": 19784, + "emetery": 19785, + "Ġaccusing": 19786, + "Ġnoticeable": 19787, + "Ġcentres": 19788, + "Ġlid": 19789, + "ĠMills": 19790, + "imgur": 19791, + "Ġzoom": 19792, + "ergic": 19793, + "Ġcompression": 19794, + "prim": 19795, + "find": 19796, + "Ġsurg": 19797, + "Ġpand": 19798, + "ĠKee": 19799, + "ĠChad": 19800, + "cellence": 19801, + "oyle": 19802, + "Ġsocialism": 19803, + "ĠTravis": 19804, + "ĠMHz": 19805, + "Ġguild": 19806, + "ALLY": 19807, + "ĠSubscribe": 19808, + "ĠRelated": 19809, + "Ġoccurrence": 19810, + "itching": 19811, + "Ġfictional": 19812, + "Ġcrush": 19813, + "ĠEA": 19814, + "cod": 19815, + "mix": 19816, + "ĠTriple": 19817, + "Ġretrieve": 19818, + "Ġstimulus": 19819, + "Ġpsychiat": 19820, + "ĠDoor": 19821, + "Ġhomosexuality": 19822, + "Ġelementary": 19823, + "Ġcellular": 19824, + "idian": 19825, + "ĠLaun": 19826, + "Ġintriguing": 19827, + "Ġfoam": 19828, + "ĠBass": 19829, + "idi": 19830, + "itsu": 19831, + "Ġassure": 19832, + "Ġcongrat": 19833, + "Ġbusinessman": 19834, + "ĠBoost": 19835, + "close": 19836, + "Ġlied": 19837, + "Ġsciences": 19838, + "ĠOmega": 19839, + "ĠGraphics": 19840, + "Ġ<=": 19841, + "spoken": 19842, + "Ġconnectivity": 19843, + "Saturday": 19844, + "ĠAvengers": 19845, + "Ġtoggle": 19846, + "Ġankle": 19847, + "Ġnationalist": 19848, + "model": 19849, + "ĠPool": 19850, + "ophobia": 19851, + "Var": 19852, + "ĠMons": 19853, + "atories": 19854, + "Ġaggressively": 19855, + "Clear": 19856, + "Forge": 19857, + "acters": 19858, + "Ġhedge": 19859, + "Ġpipes": 19860, + "Ġblunt": 19861, + "Ġsq": 19862, + "Ġremotely": 19863, + "Wed": 19864, + "asers": 19865, + "Ġrefriger": 19866, + "Ġtiles": 19867, + "Ġrescued": 19868, + "Ġcomprised": 19869, + "insky": 19870, + "Ġmanif": 19871, + "avanaugh": 19872, + "Ġprolifer": 19873, + "Ġaligned": 19874, + "xml": 19875, + "Ġtriv": 19876, + "Ġcoordination": 19877, + "ĠPER": 19878, + "ĠQuote": 19879, + "134": 19880, + "bf": 19881, + "ĠSaw": 19882, + "Ġtermination": 19883, + "Ġ190": 19884, + "Ġadditions": 19885, + "Ġtrio": 19886, + "Ġprojections": 19887, + "Ġpositively": 19888, + "Ġinclusive": 19889, + "Ġmembr": 19890, + "1990": 19891, + "older": 19892, + "Ġpracticed": 19893, + "inkle": 19894, + "Arch": 19895, + "Ġstarters": 19896, + "arius": 19897, + "Ġintermediate": 19898, + "ĠBenef": 19899, + "ĠKiller": 19900, + "Ġinterventions": 19901, + "ĠKil": 19902, + "ĠFlying": 19903, + "Inv": 19904, + "Ġpremature": 19905, + "Ġpsychiatric": 19906, + "Ġindie": 19907, + "Ġcollar": 19908, + "ĠRainbow": 19909, + "afi": 19910, + "Ġdisruption": 19911, + "ĠFOX": 19912, + "casting": 19913, + "Ġmisdem": 19914, + "cro": 19915, + "Ġwipe": 19916, + "ardon": 19917, + "Ġbast": 19918, + "ĠTommy": 19919, + "ĠRepresentative": 19920, + "Ġbelly": 19921, + "ĠPO": 19922, + "ĠBreitbart": 19923, + "132": 19924, + "Ġmessaging": 19925, + "Should": 19926, + "References": 19927, + "ĠGRE": 19928, + "istical": 19929, + "LP": 19930, + "ĠCav": 19931, + "ĠCrazy": 19932, + "Ġintuitive": 19933, + "keeping": 19934, + "ĠMoss": 19935, + "Ġdiscontin": 19936, + "ĠModule": 19937, + "Ġunrelated": 19938, + "ĠPractice": 19939, + "ĠTransport": 19940, + "Ġstatistically": 19941, + "orns": 19942, + "Ġsized": 19943, + "pu": 19944, + "Ġcaf": 19945, + "ĠWorlds": 19946, + "ĠRodgers": 19947, + "ĠLun": 19948, + "ĠComic": 19949, + "living": 19950, + "Ġcared": 19951, + "Ġclimbed": 19952, + "){": 19953, + "Ġconsisted": 19954, + "Ġmedieval": 19955, + "folk": 19956, + "Ġhacked": 19957, + "Ġdire": 19958, + "ĠHermione": 19959, + "Ġtended": 19960, + "ceans": 19961, + "Daniel": 19962, + "went": 19963, + "Ġlegislators": 19964, + "Ġredes": 19965, + "games": 19966, + "Ġgn": 19967, + "amiliar": 19968, + "Ġ++": 19969, + "ggy": 19970, + "threat": 19971, + "Ġmagnet": 19972, + "Ġperceive": 19973, + "Ġzip": 19974, + "Ġindictment": 19975, + "Ġcritique": 19976, + "gard": 19977, + "ĠSafe": 19978, + "ĠCream": 19979, + "Ġadvent": 19980, + "oba": 19981, + "Ġvowed": 19982, + "ousands": 19983, + "Ġski": 19984, + "Ġabortions": 19985, + "uart": 19986, + "Ġstunned": 19987, + "Ġadvancing": 19988, + "Ġlacked": 19989, + "Ġ\\\"": 19990, + "Ġschizophren": 19991, + "Ġelegant": 19992, + "Ġconferences": 19993, + "Ġcanceled": 19994, + "ĠHudson": 19995, + "ĠHopefully": 19996, + "Ġtrump": 19997, + "Ġfrequencies": 19998, + "Ġmeteor": 19999, + "ĠJunior": 20000, + "ĠFleet": 20001, + "ĠMalcolm": 20002, + "ĠTools": 20003, + "Ġ........": 20004, + "Ġhobby": 20005, + "ĠEuropeans": 20006, + "Ġ1500": 20007, + "ĠInto": 20008, + "Ġsway": 20009, + "ĠAppro": 20010, + "ĠCompl": 20011, + "Community": 20012, + "Ġtide": 20013, + "ĠSummit": 20014, + "ä»": 20015, + "Ġintervals": 20016, + "ĠEther": 20017, + "Ġhabitat": 20018, + "ĠStevens": 20019, + "lishing": 20020, + "ĠDomain": 20021, + "Ġtriggers": 20022, + "Ġchasing": 20023, + "Ġcharm": 20024, + "ĠFlower": 20025, + "itored": 20026, + "Ġblessing": 20027, + "Ġtextures": 20028, + "Five": 20029, + "Ġliquor": 20030, + "RP": 20031, + "FIN": 20032, + "Ġ1962": 20033, + "CAR": 20034, + "Unknown": 20035, + "Ġresil": 20036, + "ĠLily": 20037, + "Ġabundance": 20038, + "Ġpredictable": 20039, + "rar": 20040, + "Ġbullshit": 20041, + "leen": 20042, + "chet": 20043, + "Mor": 20044, + "Much": 20045, + "ä¹": 20046, + "Ġemphasized": 20047, + "Ġcrust": 20048, + "Ġprimitive": 20049, + "Ġenjoyable": 20050, + "ĠPictures": 20051, + "Ġteammate": 20052, + "pler": 20053, + "ĠTol": 20054, + "ĠKane": 20055, + "Ġsummoned": 20056, + "thy": 20057, + "rama": 20058, + "ĠHonda": 20059, + "Ġrealizing": 20060, + "Ġquicker": 20061, + "Ġconcentrate": 20062, + "clear": 20063, + "Ġ210": 20064, + "ĠErdogan": 20065, + "aris": 20066, + "Ġresponds": 20067, + "ĠBI": 20068, + "Ġeligibility": 20069, + "Ġpushes": 20070, + "ĠIdaho": 20071, + "Ġaggrav": 20072, + "Ġruins": 20073, + "urations": 20074, + "Ġbans": 20075, + "Ġanat": 20076, + "share": 20077, + "Ġgrind": 20078, + "hin": 20079, + "umen": 20080, + "Ġutilities": 20081, + "ĠYankees": 20082, + "Ġdatabases": 20083, + "ĠDD": 20084, + "Ġdisplaced": 20085, + "Ġdependencies": 20086, + "Ġstimulation": 20087, + "hun": 20088, + "houses": 20089, + "ĠPretty": 20090, + "ĠRavens": 20091, + "ĠTODAY": 20092, + "Ġassociates": 20093, + "Ġtherape": 20094, + "cled": 20095, + "Ġdeer": 20096, + "Ġrepairs": 20097, + "rentice": 20098, + "Ġreceptors": 20099, + "Ġremed": 20100, + "ĠCe": 20101, + "Ġmarriages": 20102, + "Ġballots": 20103, + "ĠSoldier": 20104, + "Ġhilarious": 20105, + "opl": 20106, + "138": 20107, + "Ġinherently": 20108, + "Ġignorant": 20109, + "Ġbounce": 20110, + "ĠEaster": 20111, + "RELATED": 20112, + "ĠCurrency": 20113, + "EV": 20114, + "ãĥŀ": 20115, + "ĠLead": 20116, + "Ġdeceased": 20117, + "Brien": 20118, + "ĠMusk": 20119, + "JS": 20120, + "Ġmerge": 20121, + "hearted": 20122, + "creat": 20123, + "mitt": 20124, + "mund": 20125, + "ĠâĢĭ": 20126, + "ĠBag": 20127, + "Ġprojection": 20128, + "Ġjava": 20129, + "ĠStandards": 20130, + "ĠLeonard": 20131, + "Ġcoconut": 20132, + "ĠPopulation": 20133, + "Ġtraject": 20134, + "Ġimply": 20135, + "Ġcuriosity": 20136, + "ĠDB": 20137, + "ĠFresh": 20138, + "ĠPor": 20139, + "Ġheavier": 20140, + "neys": 20141, + "gomery": 20142, + "Ġdeserved": 20143, + "Ġphrases": 20144, + "ĠGC": 20145, + "Ġyeast": 20146, + "desc": 20147, + "Death": 20148, + "Ġreboot": 20149, + "Ġmetadata": 20150, + "ICAL": 20151, + "Ġrepay": 20152, + "ĠIndependence": 20153, + "Ġsuburban": 20154, + "icals": 20155, + "Ġatop": 20156, + "Ġallocation": 20157, + "generation": 20158, + "ĠGram": 20159, + "Ġmoisture": 20160, + "Ġpine": 20161, + "ĠLiberals": 20162, + "Ġaides": 20163, + "Ġunderest": 20164, + "ĠBerry": 20165, + "Ġceremon": 20166, + "370": 20167, + "astrous": 20168, + "ĠPirates": 20169, + "Ġtense": 20170, + "ĠIndustries": 20171, + "ĠAppeals": 20172, + "ĠNear": 20173, + "Ġè£ıç": 20174, + "Ġlovers": 20175, + "ĠCAP": 20176, + "ĠCraw": 20177, + "Ġgiants": 20178, + "Ġefficacy": 20179, + "Element": 20180, + "ĠBehavior": 20181, + "ĠToyota": 20182, + "Ġintest": 20183, + "Priv": 20184, + "AI": 20185, + "Ġmaneuver": 20186, + "Ġperfection": 20187, + "Ġbang": 20188, + "paper": 20189, + "rill": 20190, + "George": 20191, + "border": 20192, + "inters": 20193, + "ĠSeth": 20194, + "Ġclues": 20195, + "ĠLevi": 20196, + "ĠRevenue": 20197, + "147": 20198, + "Ġvapor": 20199, + "Ġfortunate": 20200, + "Ġthreatens": 20201, + "Ġvet": 20202, + "Ġdependency": 20203, + "ersed": 20204, + "article": 20205, + "ĠBlizzard": 20206, + "Ġchlor": 20207, + "Ġminus": 20208, + "ĠBills": 20209, + "Ġcryptocurrency": 20210, + "Ġmetabolism": 20211, + "tering": 20212, + "Ġpestic": 20213, + "steps": 20214, + "ĠTreasure": 20215, + "racted": 20216, + "ĠConstant": 20217, + "Ġtemp": 20218, + "139": 20219, + "ĠDetective": 20220, + "urally": 20221, + "Ġrecovering": 20222, + "Ġcortex": 20223, + "Ġ144": 20224, + "closed": 20225, + "Ġprejudice": 20226, + "aunted": 20227, + "Ġstorms": 20228, + "ĠNOW": 20229, + "Ġmachinery": 20230, + "Address": 20231, + "Ġcompelled": 20232, + "270": 20233, + "Ġdespair": 20234, + "bane": 20235, + "Ġvegetable": 20236, + "Ġbeds": 20237, + "Learn": 20238, + "Ġcolorful": 20239, + "Ġspike": 20240, + "Ġmargins": 20241, + "Ġsympathy": 20242, + "Ġworkshop": 20243, + "ĠCBC": 20244, + "Sat": 20245, + "Ġburns": 20246, + "ĠGender": 20247, + "Ġ129": 20248, + "ĠCable": 20249, + "Ġdebts": 20250, + "ĠTheresa": 20251, + "Ġreflecting": 20252, + "Ġairst": 20253, + "Ġrim": 20254, + "ramid": 20255, + "Ġweaknesses": 20256, + "Writ": 20257, + "oggle": 20258, + "ti": 20259, + "ĠCharge": 20260, + "Ġweighed": 20261, + "Ġ(.": 20262, + "Ġlaughter": 20263, + "Ġrouter": 20264, + "ĠDemocracy": 20265, + "Dear": 20266, + "Ġhasht": 20267, + "Ġdy": 20268, + "Ġhints": 20269, + "running": 20270, + "Ġfinishes": 20271, + "arus": 20272, + "Mass": 20273, + "result": 20274, + "ascus": 20275, + "Ġvintage": 20276, + "Ġconqu": 20277, + "Ġwildly": 20278, + "acist": 20279, + "Ġlingu": 20280, + "Ġprotagonist": 20281, + "strom": 20282, + "teenth": 20283, + "ĠSolo": 20284, + "mac": 20285, + "filled": 20286, + "Ġrenown": 20287, + "itives": 20288, + "Ġmotive": 20289, + "ĠAntar": 20290, + "ĠMann": 20291, + "ĠAdjust": 20292, + "Ġrockets": 20293, + "Ġtroubling": 20294, + "ei": 20295, + "Ġorganisms": 20296, + "assis": 20297, + "Christian": 20298, + "Ġ145": 20299, + "ĠHass": 20300, + "Ġswall": 20301, + "Ġwax": 20302, + "ĠSurvival": 20303, + "VS": 20304, + "ĠMurd": 20305, + "vd": 20306, + "standard": 20307, + "Ġdragons": 20308, + "Ġacceleration": 20309, + "rational": 20310, + "final": 20311, + "Ġpaired": 20312, + "ĠEthereum": 20313, + "Ġinterfaces": 20314, + "Ġresent": 20315, + "Ġartifacts": 20316, + "Å«": 20317, + "arel": 20318, + "Ġcompetitor": 20319, + "ĠNicholas": 20320, + "ĠSurface": 20321, + "cpp": 20322, + "ĠTot": 20323, + "Ġeconomically": 20324, + "Ġorganised": 20325, + "Ġenforced": 20326, + "inho": 20327, + "Ġvarieties": 20328, + "Ġabdom": 20329, + "ĠBailey": 20330, + "idav": 20331, + "ĠSalv": 20332, + "paid": 20333, + "Ġaltitude": 20334, + "essert": 20335, + "ĠGutenberg": 20336, + "area": 20337, + "opoulos": 20338, + "Ġprofessors": 20339, + "iggs": 20340, + "ĠFate": 20341, + "hey": 20342, + "Ġ3000": 20343, + "Dist": 20344, + "Ġtwins": 20345, + "cill": 20346, + "ĠMaps": 20347, + "Ġtraps": 20348, + "Ġweed": 20349, + "ĠKiss": 20350, + "Ġyoga": 20351, + "Ġrecipients": 20352, + "ĠWestminster": 20353, + "Ġpools": 20354, + "ĠWalmart": 20355, + "188": 20356, + "ĠSchools": 20357, + "attack": 20358, + "ĠARM": 20359, + "paragraph": 20360, + "Warning": 20361, + "jl": 20362, + "Ġselfish": 20363, + "anchez": 20364, + "ĠHeights": 20365, + "Fre": 20366, + "ĠSoph": 20367, + "Ġ--------------------------------": 20368, + "tml": 20369, + "333": 20370, + "Ġraids": 20371, + "Ġsatellites": 20372, + "KEY": 20373, + "Ġlasts": 20374, + "ÑĤ": 20375, + "Ins": 20376, + "ĠDame": 20377, + "Ġunpredict": 20378, + "///": 20379, + "ghai": 20380, + "Ġartillery": 20381, + "Ġcruise": 20382, + "Ġgel": 20383, + "ĠCabinet": 20384, + "Ġblows": 20385, + "ĠEsp": 20386, + "Ġproximity": 20387, + "othe": 20388, + "ĠSkills": 20389, + "ĠUpper": 20390, + "obo": 20391, + "ĠNDP": 20392, + "Ġenjoys": 20393, + "Ġrepeating": 20394, + "ĠConstruction": 20395, + "ĠQuestions": 20396, + "Hillary": 20397, + "Ġuint": 20398, + "Ġprocessors": 20399, + "ĠGibson": 20400, + "ĠMultiple": 20401, + "qa": 20402, + "ĠBom": 20403, + "ĠMiles": 20404, + "ventional": 20405, + "Ġhurts": 20406, + "skin": 20407, + "ĠAIDS": 20408, + "Ġadvisers": 20409, + "ĠRoot": 20410, + "Ġmethodology": 20411, + "ĠDale": 20412, + "Ġdeton": 20413, + "ĠKnowledge": 20414, + "sequently": 20415, + "Ġ121": 20416, + "Ġconnects": 20417, + "Cy": 20418, + "ĠDanger": 20419, + "Ġcontributors": 20420, + "ĠBent": 20421, + "Ġbrass": 20422, + "ĠGuns": 20423, + "into": 20424, + "ĠFortune": 20425, + "Ġbroker": 20426, + "balance": 20427, + "Ġlengths": 20428, + "Ġvic": 20429, + "Ġaveraging": 20430, + "Ġappropriately": 20431, + "ĠCamera": 20432, + "Ġsandwich": 20433, + "ĠCDC": 20434, + "Ġcoordinate": 20435, + "Ġnavig": 20436, + "Ġgoodness": 20437, + "laim": 20438, + "Ġbrake": 20439, + "Ġextremist": 20440, + "ĠWake": 20441, + "ĠMend": 20442, + "ĠTiny": 20443, + "ĠCOL": 20444, + "ĠRF": 20445, + "ĠDual": 20446, + "ĠWine": 20447, + "Case": 20448, + "Ġrefined": 20449, + "Ġlamp": 20450, + "Lead": 20451, + "Ġbapt": 20452, + "ĠCarb": 20453, + "ĠSadd": 20454, + "ĠMinneapolis": 20455, + "PDF": 20456, + "Early": 20457, + "ĠHidden": 20458, + "Its": 20459, + "ĠTIME": 20460, + "Ġpap": 20461, + "Ġcommissioned": 20462, + "ĠFew": 20463, + "ĠColts": 20464, + "ĠBren": 20465, + "Ġbothered": 20466, + "Ġlikewise": 20467, + "Exper": 20468, + "ĠSchw": 20469, + "cry": 20470, + "nn": 20471, + "ĠMitch": 20472, + "imon": 20473, + "MG": 20474, + "bm": 20475, + "UMP": 20476, + "rays": 20477, + "Ġregistry": 20478, + "Ġ270": 20479, + "achine": 20480, + "rella": 20481, + "anting": 20482, + "00000": 20483, + "Ġruined": 20484, + "spot": 20485, + "Ġta": 20486, + "Ġmaximize": 20487, + "Ġinconven": 20488, + "Dead": 20489, + "Human": 20490, + "Enabled": 20491, + "ĠMarie": 20492, + "Ġchill": 20493, + "ĠParadise": 20494, + "Ġstarring": 20495, + "ĠLatino": 20496, + "ĠProtocol": 20497, + "ĠEVER": 20498, + "Ġsuppliers": 20499, + "message": 20500, + "ĠBrock": 20501, + "Ġserum": 20502, + "âĸĪâĸĪâĸĪâĸĪ": 20503, + "Ġencomp": 20504, + "Ġambition": 20505, + "uese": 20506, + "Ġarrows": 20507, + "Andrew": 20508, + "Ġantenna": 20509, + "Ġ1961": 20510, + "ĠBark": 20511, + "Ġbool": 20512, + "ãĤª": 20513, + "ĠStorage": 20514, + "Ġrailway": 20515, + "Ġtougher": 20516, + "ĠCad": 20517, + "Ġwashing": 20518, + "Py": 20519, + "']": 20520, + "embed": 20521, + "ĠMemphis": 20522, + "ackle": 20523, + "Ġfamously": 20524, + "ĠFortunately": 20525, + "ovies": 20526, + "Ġmindset": 20527, + "Ġsneak": 20528, + "ĠDh": 20529, + "RAW": 20530, + "ĠSimpson": 20531, + "Ġlivest": 20532, + "Ġlandmark": 20533, + "Ġcement": 20534, + "Low": 20535, + "Ġthrilled": 20536, + "ĠCourse": 20537, + "inel": 20538, + "Ġchuck": 20539, + "idate": 20540, + "global": 20541, + "Ġwhit": 20542, + "Ġ�": 20543, + "adays": 20544, + "ski": 20545, + "ĠSV": 20546, + "Ġviruses": 20547, + "306": 20548, + "ĠRespons": 20549, + "Ġtheaters": 20550, + "ĠBranch": 20551, + "ĠGeneva": 20552, + "ĠMK": 20553, + "Ġunbeliev": 20554, + "Ġcommunist": 20555, + "Original": 20556, + "ĠReceived": 20557, + "ĠTransfer": 20558, + "ĠArg": 20559, + "Input": 20560, + "ĠStrategy": 20561, + "Ġpalace": 20562, + "thening": 20563, + "Dri": 20564, + "Ġsentencing": 20565, + "umbnail": 20566, + "Ġpins": 20567, + "recy": 20568, + "Ġsiblings": 20569, + "Getting": 20570, + "ĠBU": 20571, + "ĠNorthwest": 20572, + "Ġprolonged": 20573, + "ĠSakura": 20574, + "Comb": 20575, + "ĠBour": 20576, + "Ġinadequate": 20577, + "ĠKash": 20578, + "Ġusername": 20579, + "ĠImprove": 20580, + "Ġbattling": 20581, + "ĠMAC": 20582, + "Ġcurriculum": 20583, + "Ġsoda": 20584, + "ĠCannon": 20585, + "Ġsensible": 20586, + "spons": 20587, + "December": 20588, + "Ġwicked": 20589, + "ĠPengu": 20590, + "Ġdictators": 20591, + "ĠHearts": 20592, + "ogyn": 20593, + "Ġsimilarities": 20594, + "ĠStats": 20595, + "Ġhollow": 20596, + "itations": 20597, + "\":[": 20598, + "Ġhover": 20599, + "ĠListen": 20600, + "sch": 20601, + "Sund": 20602, + "Ġcad": 20603, + "ĠParks": 20604, + "Ġlur": 20605, + "Ġhype": 20606, + "ĠLem": 20607, + "NAME": 20608, + "isure": 20609, + "Friday": 20610, + "Ġshoots": 20611, + "Ġcloses": 20612, + "Ġdb": 20613, + "ĠRidge": 20614, + "ĠDifferent": 20615, + "Ġreplies": 20616, + "ĠBroadway": 20617, + "opers": 20618, + "Ġintoler": 20619, + "ĠZeus": 20620, + "akespe": 20621, + "Ġproprietary": 20622, + "Ġrequesting": 20623, + "Ġcontrollers": 20624, + "ĠMIN": 20625, + "imedia": 20626, + "becca": 20627, + "Ġexpans": 20628, + "Ġoils": 20629, + "Bot": 20630, + "ĠChand": 20631, + "Ġprinter": 20632, + "Ġtopped": 20633, + "ĠPOL": 20634, + "ĠEarlier": 20635, + "Social": 20636, + "avin": 20637, + "Ġdecreases": 20638, + "ĠSeb": 20639, + "Ġspecifications": 20640, + "ĠBlast": 20641, + "ĠKurt": 20642, + "Ġfreel": 20643, + "Brown": 20644, + "Ġdilig": 20645, + "roe": 20646, + "ĠProblem": 20647, + "ĠQuad": 20648, + "Ġdecentral": 20649, + "ĠVector": 20650, + "anut": 20651, + "Ġplugins": 20652, + "ĠGregory": 20653, + "Ġfucked": 20654, + "elines": 20655, + "ĠAmbassador": 20656, + "take": 20657, + "Ġcleans": 20658, + "ongyang": 20659, + "Anonymous": 20660, + "stro": 20661, + "\"}": 20662, + "aline": 20663, + "ĠOdd": 20664, + "ĠEug": 20665, + "216": 20666, + "Ġboil": 20667, + "ĠPowers": 20668, + "Ġnurses": 20669, + "Obviously": 20670, + "ĠTechnical": 20671, + "Ġexceeded": 20672, + "ORS": 20673, + "Ġextremists": 20674, + "Ġtraces": 20675, + "expl": 20676, + "Ġcomr": 20677, + "ĠSach": 20678, + ")/": 20679, + "Ġmasks": 20680, + "Ġsci": 20681, + "Bon": 20682, + "Ġregression": 20683, + "wegian": 20684, + "Ġadvisor": 20685, + "itures": 20686, + "ĠVo": 20687, + "example": 20688, + "ĠInstruct": 20689, + "Ġsiege": 20690, + "Ġreductions": 20691, + "ptr": 20692, + "Ġstatutory": 20693, + "Ġremoves": 20694, + "Ġpuck": 20695, + "redits": 20696, + "Ġbee": 20697, + "Ġsalad": 20698, + "Ġpromotions": 20699, + "ĠJoshua": 20700, + "withstanding": 20701, + "ETH": 20702, + "ĠCha": 20703, + "imus": 20704, + "Ġexpenditure": 20705, + "aunting": 20706, + "Ġdelighted": 20707, + "Ġ155": 20708, + "beh": 20709, + "Ġcarpet": 20710, + "ĠSpart": 20711, + "Ġjungle": 20712, + "lists": 20713, + "Ġbullying": 20714, + "ĠNobel": 20715, + "ĠGlen": 20716, + "Ġreferenced": 20717, + "Ġintroduces": 20718, + "sein": 20719, + "Ġchopped": 20720, + "glass": 20721, + "ĠWrest": 20722, + "Ġneutrality": 20723, + "ĠâĻ": 20724, + "Ġinvestigator": 20725, + "Ġshelves": 20726, + "Ġunconstitutional": 20727, + "Ġreproduction": 20728, + "Ġmerchant": 20729, + "mia": 20730, + "Ġmetrics": 20731, + "Ġexplosives": 20732, + "ĠSonia": 20733, + "Ġbodily": 20734, + "Ġthickness": 20735, + "Ġpredominantly": 20736, + "ĠAbility": 20737, + "Ġmonitored": 20738, + "ICH": 20739, + "Ġ].": 20740, + "ĠMartinez": 20741, + "Ġvisibility": 20742, + "Ġqueries": 20743, + "Ġgenocide": 20744, + "ĠWarfare": 20745, + "Query": 20746, + "Ġstudios": 20747, + "Ġembry": 20748, + "Ġcorridor": 20749, + "Ġcleaned": 20750, + "complete": 20751, + "ĠMH": 20752, + "Ġenrollment": 20753, + "INGS": 20754, + "Ġimpacted": 20755, + "Ġdisastrous": 20756, + "ĠYun": 20757, + "ĠClaire": 20758, + "ĠBasically": 20759, + "yt": 20760, + "usterity": 20761, + "Ġindirectly": 20762, + "wik": 20763, + "Ġdod": 20764, + "ĠCarr": 20765, + "Ġamp": 20766, + "Ġprohibit": 20767, + "ĠInitial": 20768, + "ĠRd": 20769, + "iji": 20770, + "Ġeducate": 20771, + "corn": 20772, + "iott": 20773, + "ĠBeauty": 20774, + "Ġdetective": 20775, + "ĠConn": 20776, + "since": 20777, + "Ġstagger": 20778, + "Ġobese": 20779, + "Ġbree": 20780, + "ologic": 20781, + "isse": 20782, + "walker": 20783, + "Ġblades": 20784, + "Ġlawful": 20785, + "func": 20786, + "ĠBehind": 20787, + "Ġappetite": 20788, + "Ġ(*": 20789, + "Ġtennis": 20790, + "Ġoffspring": 20791, + "Ġjets": 20792, + "Ġstructured": 20793, + "Ġaforementioned": 20794, + "Nov": 20795, + "Ġscaling": 20796, + "fill": 20797, + "Ġstew": 20798, + "Ġcurb": 20799, + "ĠStephan": 20800, + "edIn": 20801, + "SF": 20802, + "obic": 20803, + "éŃĶ": 20804, + "oug": 20805, + "ĠMM": 20806, + "Ġgenetically": 20807, + "opez": 20808, + "136": 20809, + "Ġumb": 20810, + "ancers": 20811, + "Ġcohort": 20812, + "Ġmerchandise": 20813, + "Ġimposing": 20814, + "ĠLegislature": 20815, + "ĠArchive": 20816, + "ivia": 20817, + "ĠNaval": 20818, + "Ġoffences": 20819, + "Ġmiracle": 20820, + "Ġsnapped": 20821, + "Ġfoes": 20822, + "Ġextensively": 20823, + "ĠRaf": 20824, + "Ġcater": 20825, + "edience": 20826, + "Kit": 20827, + "ĠBin": 20828, + "Ġrecommends": 20829, + "ĠCities": 20830, + "Ġrigid": 20831, + "ĠREAD": 20832, + "ĠNoble": 20833, + "ĠTian": 20834, + "Ġcertificates": 20835, + "antis": 20836, + "oiler": 20837, + "ĠBuddhist": 20838, + "did": 20839, + "Ġsurveyed": 20840, + "Ġdownward": 20841, + "Ġprints": 20842, + "ĠMotion": 20843, + "ronics": 20844, + "ĠSans": 20845, + "ossibly": 20846, + "uctions": 20847, + "Ġcolonies": 20848, + "ĠDanish": 20849, + "unit": 20850, + "Ġspoil": 20851, + "Ġadvisory": 20852, + "berries": 20853, + "Plan": 20854, + "Ġspecification": 20855, + "ophers": 20856, + "ĠResource": 20857, + "Ġshirts": 20858, + "prisingly": 20859, + "communications": 20860, + "Ġtrivial": 20861, + "Ġmentioning": 20862, + "isexual": 20863, + "Ġsupplements": 20864, + "Ġsupervision": 20865, + "BP": 20866, + "vor": 20867, + "Ġwit": 20868, + "Ġcooldown": 20869, + "Ġplaintiff": 20870, + "ĠReviews": 20871, + "ĠSri": 20872, + "ĠMint": 20873, + "ĠSugar": 20874, + "Ġafterward": 20875, + "ĠPriest": 20876, + "ĠInvestment": 20877, + "ogene": 20878, + "ĠTaking": 20879, + "Ġstretching": 20880, + "Ġinflammation": 20881, + "ĠTehran": 20882, + "Ġlining": 20883, + "Ġfreezing": 20884, + "ĠEntity": 20885, + "Ġinspiring": 20886, + "special": 20887, + "price": 20888, + "Ġsue": 20889, + "ĠPorter": 20890, + "ounge": 20891, + "ETA": 20892, + "ĠDerek": 20893, + "ĠLuis": 20894, + "uo": 20895, + "ymph": 20896, + "Ġexterior": 20897, + "ihil": 20898, + "ĠAshley": 20899, + "inator": 20900, + "Ġnutrients": 20901, + "ĠThrones": 20902, + "Ġfinances": 20903, + "ĠInspect": 20904, + "Ġspecially": 20905, + "ĠRequired": 20906, + "ĠPTS": 20907, + "ĠViolence": 20908, + "ointed": 20909, + "shots": 20910, + "Ġexcerpt": 20911, + "coon": 20912, + "INS": 20913, + "ĠGri": 20914, + "Ġrecognised": 20915, + "Week": 20916, + "Young": 20917, + "Ġvom": 20918, + "isle": 20919, + "ĠCurry": 20920, + "ĠBuddh": 20921, + "Ġnotebook": 20922, + "Ġdurable": 20923, + "/?": 20924, + "ĠGad": 20925, + "ĠPupp": 20926, + "Ġforgive": 20927, + "park": 20928, + "Ġpersonalities": 20929, + "analysis": 20930, + "clamation": 20931, + "Ġelevator": 20932, + "Ġwarehouse": 20933, + "ĠRole": 20934, + "unn": 20935, + "Ġillustration": 20936, + "ĠScan": 20937, + "Ġatmospheric": 20938, + "Import": 20939, + "ANC": 20940, + "ricted": 20941, + "fu": 20942, + "010": 20943, + "Ġarche": 20944, + "Ġrewarded": 20945, + "akespeare": 20946, + "Ġinternally": 20947, + "ĠRBI": 20948, + "alker": 20949, + "Ġelephant": 20950, + "owitz": 20951, + "ĠPizza": 20952, + "Ġbipartisan": 20953, + "és": 20954, + "Ġslowed": 20955, + "ĠStark": 20956, + "Ġoverride": 20957, + "OUS": 20958, + "Ġ320": 20959, + "undreds": 20960, + "ĠDeck": 20961, + "ĠCensus": 20962, + "bee": 20963, + "146": 20964, + "otor": 20965, + "Ġip": 20966, + "Ġub": 20967, + "ocations": 20968, + "ĠButton": 20969, + "rice": 20970, + "Ġcripp": 20971, + "fff": 20972, + "Ġoriginated": 20973, + "Ġoverwhelmed": 20974, + "appa": 20975, + "Ġforemost": 20976, + "âĢij": 20977, + "ĠLEG": 20978, + "release": 20979, + "eatured": 20980, + "atches": 20981, + "Ġreps": 20982, + "Ġlending": 20983, + "ĠReference": 20984, + "ĠClient": 20985, + "165": 20986, + "venth": 20987, + "Complete": 20988, + "ĠPatrol": 20989, + "Ġsworn": 20990, + "cam": 20991, + "Ġshuttle": 20992, + "ĠRalph": 20993, + "Ġhometown": 20994, + "-,": 20995, + "onal": 20996, + "ĠBP": 20997, + "åı": 20998, + "Ġpersuade": 20999, + "ĠAlexand": 21000, + "Ġcombines": 21001, + "Ġvivid": 21002, + "ĠLag": 21003, + "Ġencoding": 21004, + "Ġsalvation": 21005, + "wen": 21006, + "ĠRecovery": 21007, + "iya": 21008, + "University": 21009, + "ĠBiden": 21010, + "Ġbudgets": 21011, + "ĠTexans": 21012, + "fits": 21013, + "Ġhonored": 21014, + "Ġpython": 21015, + "TD": 21016, + "###": 21017, + "clone": 21018, + "Ġblink": 21019, + "ĠLiquid": 21020, + "Ġunemployed": 21021, + "Ġclashes": 21022, + "ĠCounsel": 21023, + "Ġdirecting": 21024, + "Ġpunct": 21025, + "ĠFalcons": 21026, + "Ġshark": 21027, + "ĠDamascus": 21028, + "Ġjeans": 21029, + "Ġembark": 21030, + "Ġseize": 21031, + "Ġupwards": 21032, + "280": 21033, + "ĠEz": 21034, + "ĠAnything": 21035, + "Ġexotic": 21036, + "lower": 21037, + "ĠCreator": 21038, + "ĠUm": 21039, + "Ġsuburbs": 21040, + "berger": 21041, + "ĠWend": 21042, + "Ġmint": 21043, + "ĠXX": 21044, + "ĠDro": 21045, + "Ġsuffers": 21046, + "Ġherb": 21047, + "tree": 21048, + "Ġfragile": 21049, + "Ġflooded": 21050, + "ĠAlcohol": 21051, + "olean": 21052, + "nyder": 21053, + "ĠKO": 21054, + "Fram": 21055, + "Ġ136": 21056, + "Ġowed": 21057, + "ĠMelee": 21058, + "ĠHash": 21059, + "Ġwhisk": 21060, + "Ġsudo": 21061, + "rr": 21062, + "Quick": 21063, + "appro": 21064, + "Ġii": 21065, + "ĠExamples": 21066, + "hee": 21067, + "Ġpromotes": 21068, + "perature": 21069, + "kar": 21070, + "ĠHonor": 21071, + "Ġsodium": 21072, + "ĠLif": 21073, + "rosso": 21074, + "intendent": 21075, + "Ġcorrespondent": 21076, + "Found": 21077, + "secret": 21078, + "Ġidentifies": 21079, + "agne": 21080, + "Ġlou": 21081, + "ĠPP": 21082, + "Ġcoincidence": 21083, + "move": 21084, + "Ġmilitia": 21085, + "Ġinfiltr": 21086, + "ĠPrimary": 21087, + "Ġpitching": 21088, + "ĠIb": 21089, + "ĠGOOD": 21090, + "ãĤ¸": 21091, + "ĠWizards": 21092, + "iral": 21093, + "ĠVenus": 21094, + "RR": 21095, + "ĠâĢķ": 21096, + "ĠCasey": 21097, + "Ġsadly": 21098, + "Ġadmire": 21099, + "Ġembarrassed": 21100, + "cb": 21101, + "Mel": 21102, + "Ġtubes": 21103, + "Ġbeautifully": 21104, + "ĠQueensland": 21105, + "Below": 21106, + "rez": 21107, + "quet": 21108, + "pleasant": 21109, + "Ġ«": 21110, + "Camp": 21111, + "Ġdecisive": 21112, + "1998": 21113, + "ĠLamb": 21114, + "utton": 21115, + "hn": 21116, + "ĠJagu": 21117, + "aunder": 21118, + "ĠCord": 21119, + "Ġclerk": 21120, + "Ġcaffe": 21121, + "Ġwiped": 21122, + "Ġreim": 21123, + "ĠMountains": 21124, + "Ġimprisoned": 21125, + "Ġdevelops": 21126, + "ĠPra": 21127, + "Ġmodeling": 21128, + "Anyone": 21129, + "ancel": 21130, + "ĠSit": 21131, + "Ġshields": 21132, + "Ġlawn": 21133, + "Ġcardiovascular": 21134, + "Ġdemonstrating": 21135, + "Ġparse": 21136, + "ĠIsraelis": 21137, + "Ġeuros": 21138, + "143": 21139, + "Ġglorious": 21140, + "inski": 21141, + "ecd": 21142, + "Ġconditioning": 21143, + "Ġhelpless": 21144, + "Ġmicrosc": 21145, + "ĠHarbor": 21146, + "Ġstakes": 21147, + "Ġ260": 21148, + "Ġunequ": 21149, + "ĠFloyd": 21150, + "Ġdamp": 21151, + "Ġapparatus": 21152, + "ĠLaws": 21153, + "Ġcounters": 21154, + "Ġinduce": 21155, + "atable": 21156, + "ĠAhmed": 21157, + "Ġslam": 21158, + "November": 21159, + "Ġpersist": 21160, + "Ġimminent": 21161, + "án": 21162, + "Ġshred": 21163, + "Ġphases": 21164, + "ĠEdmonton": 21165, + "ĠArmstrong": 21166, + "ĠMeet": 21167, + "ĠKitty": 21168, + "ÑĢ": 21169, + "circ": 21170, + "ĠAdult": 21171, + "Ġarose": 21172, + "ĠXen": 21173, + "Dan": 21174, + "gow": 21175, + "Ġsuperf": 21176, + "ĠAdmir": 21177, + "Ġendure": 21178, + "Ġkeyword": 21179, + "yrus": 21180, + "Ġyarn": 21181, + "Ġpathway": 21182, + "ĠHopkins": 21183, + "midt": 21184, + "Ġcensorship": 21185, + "dependent": 21186, + "Ġinstructor": 21187, + "Sources": 21188, + "Ġtoe": 21189, + "Ġballoon": 21190, + "Nob": 21191, + "Ġswear": 21192, + "ĠCastro": 21193, + "Ġgloss": 21194, + "ĠKavanaugh": 21195, + "Ġremarkably": 21196, + "Photos": 21197, + "ĠNom": 21198, + "ĠSoutheast": 21199, + "yers": 21200, + "Ġvalidation": 21201, + "Ġcannon": 21202, + "ĠVictory": 21203, + "ĠPierre": 21204, + "Ġcautious": 21205, + "Audio": 21206, + "Ġfetch": 21207, + "ĠGift": 21208, + "ĠHyp": 21209, + "Ġremedy": 21210, + "ZE": 21211, + "Ġscent": 21212, + "Ġbeard": 21213, + "ĠRut": 21214, + "-\"": 21215, + "Ġpatents": 21216, + "Hy": 21217, + "Ġunjust": 21218, + "Ġpotato": 21219, + "Ġforthcoming": 21220, + "Ġchef": 21221, + "ĠRift": 21222, + "affe": 21223, + "ĠROM": 21224, + "ĠLaunch": 21225, + "Ġpads": 21226, + "ĠNeo": 21227, + "Ġonset": 21228, + "Ġsqueeze": 21229, + "safe": 21230, + "Ġprefix": 21231, + "ĠTM": 21232, + "ĠNearly": 21233, + "ĠClinical": 21234, + "ĠMental": 21235, + "otiation": 21236, + "ĠUnic": 21237, + "antry": 21238, + "ĠCir": 21239, + "Ġepit": 21240, + "æ": 21241, + "Ġextracted": 21242, + "versely": 21243, + "riad": 21244, + "Ġstrains": 21245, + "Ġtops": 21246, + "Ġpoem": 21247, + "ĠRandy": 21248, + "ĠMaple": 21249, + "THER": 21250, + "upiter": 21251, + "ĠSSD": 21252, + "ļé": 21253, + "Ġuncon": 21254, + "pering": 21255, + "Ġslept": 21256, + "iners": 21257, + "Ġunderwater": 21258, + "ĠEvidence": 21259, + "gone": 21260, + "205": 21261, + "Ġhistorians": 21262, + "Ġsynthesis": 21263, + "Ġfrog": 21264, + "basketball": 21265, + "Ġvibrant": 21266, + "Ġsubord": 21267, + "Ġ365": 21268, + "ĠDial": 21269, + "Ġcooperate": 21270, + "HAHA": 21271, + "Ġgreeted": 21272, + "158": 21273, + "Ġjazz": 21274, + "Ġintox": 21275, + "ĠWalking": 21276, + "Ġsupervisor": 21277, + "ĠFusion": 21278, + "ĠMercedes": 21279, + "send": 21280, + "Ham": 21281, + "sd": 21282, + "nl": 21283, + "Ġtours": 21284, + "ĠFIFA": 21285, + "Ġculp": 21286, + "gd": 21287, + "304": 21288, + "Ġpleas": 21289, + "Ġillustrates": 21290, + "ĠColombia": 21291, + "Ġhighlighting": 21292, + "ĠSummary": 21293, + "Ġexposing": 21294, + "ĠDru": 21295, + "Ġirony": 21296, + "ritional": 21297, + "ĠCarroll": 21298, + "ĠEllis": 21299, + "Pict": 21300, + "ĠRapt": 21301, + "Ġadapter": 21302, + "Ġunm": 21303, + "Ġcorpse": 21304, + "Ġcelebrities": 21305, + "Den": 21306, + "atum": 21307, + "ĠApocalypse": 21308, + "ĠWag": 21309, + "lining": 21310, + "Ġhormones": 21311, + "Rub": 21312, + "ĠXi": 21313, + "ĠVaults": 21314, + "208": 21315, + "alkyrie": 21316, + "inosaur": 21317, + "Ġfeeds": 21318, + "vity": 21319, + "Ġdefeating": 21320, + "Wait": 21321, + "Ġemphasize": 21322, + "ĠSteelers": 21323, + "yrinth": 21324, + "leys": 21325, + "ĠWhenever": 21326, + "Currently": 21327, + "ĠClock": 21328, + "Ġcollectively": 21329, + "anyon": 21330, + "ĠJP": 21331, + "Ġmentality": 21332, + "Ġdownloads": 21333, + "Ġsurroundings": 21334, + "ĠBarnes": 21335, + "Ġflagship": 21336, + "Ġindicators": 21337, + "Ġgrapp": 21338, + "January": 21339, + "ĠElemental": 21340, + "ĠAthena": 21341, + "ibal": 21342, + "Ġsights": 21343, + "Ġcapita": 21344, + "ĠTreaty": 21345, + "Ġvoiced": 21346, + "ĠGaz": 21347, + "lette": 21348, + "Ġya": 21349, + "Ġexpired": 21350, + "Legend": 21351, + "Hot": 21352, + "nature": 21353, + "Ġunstable": 21354, + "Ġ280": 21355, + "ú": 21356, + "Comment": 21357, + "ALE": 21358, + "Ġquests": 21359, + "Ġhandler": 21360, + "nis": 21361, + "Ġversatile": 21362, + "Ġconceal": 21363, + "engeance": 21364, + "ĠInteractive": 21365, + "Ġobsessed": 21366, + "ĠDogs": 21367, + "Ġcracked": 21368, + "Sound": 21369, + "sv": 21370, + "ĠDylan": 21371, + "roads": 21372, + "fx": 21373, + "ĠCatholics": 21374, + "ĠHag": 21375, + "Ġslammed": 21376, + "Ġglowing": 21377, + "sale": 21378, + "Ġtissues": 21379, + "ĠChi": 21380, + "nee": 21381, + "Ġcher": 21382, + "sic": 21383, + "urrection": 21384, + "Ġbacon": 21385, + "ulatory": 21386, + ").\"": 21387, + "Ġirregular": 21388, + "FORM": 21389, + "assed": 21390, + "Ġintentional": 21391, + "Ġcompensate": 21392, + "ĠSpeaking": 21393, + "ĠSets": 21394, + "153": 21395, + "Ġconventions": 21396, + "bands": 21397, + "emade": 21398, + "Ġecc": 21399, + "ĠWinston": 21400, + "ĠAssassin": 21401, + "ĠBelgian": 21402, + "Ġdependence": 21403, + "Ġniche": 21404, + "Ġbark": 21405, + "ĠJazz": 21406, + "Ġdisadvantage": 21407, + "Ġgasoline": 21408, + "Ġ165": 21409, + "çļĦ": 21410, + "essa": 21411, + "module": 21412, + "angular": 21413, + "OY": 21414, + "ĠTreatment": 21415, + "itas": 21416, + "olation": 21417, + "ĠArnold": 21418, + "Ġfeud": 21419, + "ĠNest": 21420, + "Ġtheatre": 21421, + "ewater": 21422, + "Ġminors": 21423, + "olicy": 21424, + "ĠHaven": 21425, + "division": 21426, + "Ġtrunk": 21427, + "Far": 21428, + "ĠPull": 21429, + "Ġcapturing": 21430, + "Ġ1800": 21431, + "ĠTeen": 21432, + "Ġexempl": 21433, + "Ġclinics": 21434, + "ĠBurg": 21435, + "Ġsubstit": 21436, + "Ġpayload": 21437, + "ĠLav": 21438, + "ĠTroy": 21439, + "ĠWitness": 21440, + "Ġfragments": 21441, + "Ġpasswords": 21442, + "Ġgospel": 21443, + "ĠGin": 21444, + "Ġtenants": 21445, + "olith": 21446, + "Six": 21447, + "Previous": 21448, + "ĠAges": 21449, + "ĠDarwin": 21450, + "Ġblat": 21451, + "Ġempathy": 21452, + "smith": 21453, + "bag": 21454, + "ĠEcho": 21455, + "ĠCamb": 21456, + "ĠMadd": 21457, + "ĠBoo": 21458, + "Ġrede": 21459, + "ĠBurning": 21460, + "Ġsmoothly": 21461, + "ĠAdrian": 21462, + "ĠVampire": 21463, + "ĠMonsters": 21464, + "steam": 21465, + "Style": 21466, + "Ma": 21467, + "rea": 21468, + "ĠDwar": 21469, + "alyst": 21470, + "ursor": 21471, + "Ġelimination": 21472, + "Ġcrypto": 21473, + "cht": 21474, + "ĠEternal": 21475, + "â̦]": 21476, + "ĠSorce": 21477, + "Ill": 21478, + "NER": 21479, + "Ġuh": 21480, + "Conclusion": 21481, + "wage": 21482, + "Ġrespir": 21483, + "Ġreminis": 21484, + "hetical": 21485, + "Ġgy": 21486, + "Ġutilized": 21487, + "icidal": 21488, + "Ġ1900": 21489, + "Ġhunters": 21490, + "ĠSwan": 21491, + "ĠReact": 21492, + "Ġvisitor": 21493, + "ĠThanksgiving": 21494, + "308": 21495, + "Posts": 21496, + "Ġhips": 21497, + "1997": 21498, + "omers": 21499, + "Ġknocking": 21500, + "ĠVehicle": 21501, + "Ġtil": 21502, + "Ġ138": 21503, + "Ġmi": 21504, + "ĠInvestigation": 21505, + "ĠKenya": 21506, + "Ġcasino": 21507, + "Ġmotives": 21508, + "Ġregain": 21509, + "rex": 21510, + "Ġweekends": 21511, + "Ġstabbed": 21512, + "boro": 21513, + "Ġexploited": 21514, + "ĠHAVE": 21515, + "ĠTelevision": 21516, + "cock": 21517, + "Ġpreparations": 21518, + "Ġendeav": 21519, + "ĠRemote": 21520, + "ĠMaker": 21521, + "ĠProdu": 21522, + "ĠEvan": 21523, + "Ġinformational": 21524, + "ĠLouisville": 21525, + "154": 21526, + "ĠDreams": 21527, + "Ġplots": 21528, + "ĠRunner": 21529, + "Ġhurting": 21530, + "Ġacademy": 21531, + "ĠMontgomery": 21532, + "nm": 21533, + "ĠLanc": 21534, + "ĠAlz": 21535, + "210": 21536, + "elong": 21537, + "Ġretailer": 21538, + "Ġarising": 21539, + "Ġrebellion": 21540, + "Ġblonde": 21541, + "played": 21542, + "Ġinstrumental": 21543, + "Cross": 21544, + "Ġretention": 21545, + "Ġtherapeutic": 21546, + "Ġseas": 21547, + "Ġinfantry": 21548, + "ĠClint": 21549, + "Ġprompting": 21550, + "Ġbitch": 21551, + "Ġstems": 21552, + "ĠKra": 21553, + "Ġthesis": 21554, + "ĠBog": 21555, + "rued": 21556, + "Ġkings": 21557, + "Ġclay": 21558, + "ificent": 21559, + "ĠYES": 21560, + "ĠThing": 21561, + "ĠCubs": 21562, + "veyard": 21563, + "elsh": 21564, + "inarily": 21565, + "ĠEy": 21566, + "ĠRolling": 21567, + "Ġevolving": 21568, + "India": 21569, + "Ġrecognizes": 21570, + "Ġgraduation": 21571, + "isers": 21572, + "Ġfertility": 21573, + "ĠMilan": 21574, + "Command": 21575, + "Ġboxing": 21576, + "Ġ1943": 21577, + "Ġgluten": 21578, + "ĠEmir": 21579, + "Ġidol": 21580, + "Ġconceived": 21581, + "ĠCreation": 21582, + "Merit": 21583, + "uddy": 21584, + "ussions": 21585, + "ĠLieutenant": 21586, + "ietal": 21587, + "Ġunchanged": 21588, + "ĠScale": 21589, + "ĠCrimea": 21590, + "balls": 21591, + "atorial": 21592, + "Ġdepths": 21593, + "Ġempirical": 21594, + "Ġtransm": 21595, + "Ġunsafe": 21596, + "missible": 21597, + "comfort": 21598, + "156": 21599, + "Ġmechanic": 21600, + "002": 21601, + "lins": 21602, + "Ġsmoked": 21603, + "Pos": 21604, + "Ġslowing": 21605, + "Ġlav": 21606, + "Texas": 21607, + "Ġcheating": 21608, + "ĠMetropolitan": 21609, + "ethyl": 21610, + "Ġdiscovering": 21611, + "asse": 21612, + "Ġpencil": 21613, + "ĠPyongyang": 21614, + "Ġcloset": 21615, + "ĠSheet": 21616, + "ĠEntry": 21617, + "oustic": 21618, + "Ġmyst": 21619, + "erate": 21620, + "ariat": 21621, + "Ġminerals": 21622, + "Ġmusician": 21623, + "ĠPul": 21624, + "ĠMaz": 21625, + "249": 21626, + "Ġpermissions": 21627, + "Ġiv": 21628, + "enary": 21629, + "ickers": 21630, + "ĠBing": 21631, + "hea": 21632, + "enable": 21633, + "Ġgriev": 21634, + "Ġasserted": 21635, + "ĠColonel": 21636, + "Ġaffidav": 21637, + "wo": 21638, + "Ġseated": 21639, + "ĠRide": 21640, + "Ġpaintings": 21641, + "ĠPix": 21642, + "Ġ137": 21643, + "ishi": 21644, + "umbai": 21645, + "gotten": 21646, + "ĠEarl": 21647, + "Ġinning": 21648, + "Ġcensus": 21649, + "Ġtravelled": 21650, + "ĠConsult": 21651, + "185": 21652, + "bind": 21653, + "Ġsimplicity": 21654, + "Ġoverlooked": 21655, + "ĠHelpful": 21656, + "Ġmonkey": 21657, + "Ġoverwhelmingly": 21658, + "Blood": 21659, + "ĠFlint": 21660, + "ĠJama": 21661, + "ĠPresent": 21662, + "ĠRage": 21663, + "ĠTA": 21664, + "ptive": 21665, + "Ġturnout": 21666, + "wald": 21667, + "ĠDolphins": 21668, + "ĠVPN": 21669, + "Ġonion": 21670, + "Ġcrafting": 21671, + "mma": 21672, + "ĠMercury": 21673, + "Ġarrange": 21674, + "Ġalerts": 21675, + "ĠOT": 21676, + "zbollah": 21677, + "Ġgases": 21678, + "ĠRichardson": 21679, + "sal": 21680, + "lar": 21681, + "Ġfrost": 21682, + "Ġlowering": 21683, + "Ġacclaim": 21684, + "Ġstartups": 21685, + "ĠGain": 21686, + "essment": 21687, + "Ġguardian": 21688, + "人": 21689, + "ĠPie": 21690, + "ĠLinks": 21691, + "Ġmerits": 21692, + "Ġawake": 21693, + "Ġparental": 21694, + "Ġexceeds": 21695, + "Ġidle": 21696, + "ĠPilot": 21697, + "ĠeBay": 21698, + "ĠAccept": 21699, + "ipeg": 21700, + "Cam": 21701, + "ĠKot": 21702, + "Ġtraders": 21703, + "olitics": 21704, + "unker": 21705, + "ĠPale": 21706, + "osi": 21707, + "anmar": 21708, + "Ġ1947": 21709, + "ĠFell": 21710, + "estial": 21711, + "itating": 21712, + "GF": 21713, + "ĠSr": 21714, + "ifted": 21715, + "Ġconnector": 21716, + "ĠBone": 21717, + "illes": 21718, + "260": 21719, + "hma": 21720, + "Ġoverlap": 21721, + "ĠGitHub": 21722, + "Ġcleaner": 21723, + "ĠBaptist": 21724, + "ĠWAS": 21725, + "Ġlungs": 21726, + "Ñģ": 21727, + "ĠBUT": 21728, + "Ġcite": 21729, + "Ġpitched": 21730, + "reatment": 21731, + "Ġtrophies": 21732, + "ĠNu": 21733, + "386": 21734, + "ĠPride": 21735, + "Ġattendees": 21736, + "[]": 21737, + "179": 21738, + "Ġspatial": 21739, + "Ġprizes": 21740, + "ĠReligion": 21741, + "Ġshowcase": 21742, + "ĠCategory": 21743, + "vidia": 21744, + "Target": 21745, + "Property": 21746, + "?,": 21747, + "Ġfusion": 21748, + "pie": 21749, + "ĠUCLA": 21750, + "Ġsoundtrack": 21751, + "Ġprincess": 21752, + "ĠCaval": 21753, + "should": 21754, + "Ġlimbs": 21755, + "Background": 21756, + "Ġlonely": 21757, + "Ġcores": 21758, + "ĠTail": 21759, + "sheet": 21760, + "Ġ132": 21761, + "Ra": 21762, + "ãĤ«": 21763, + "ĠBolt": 21764, + "Ġbooked": 21765, + "Ġadminister": 21766, + "Ġequals": 21767, + "wy": 21768, + "Ġobserving": 21769, + "ĠBaron": 21770, + "ĠAdobe": 21771, + "Ġvirgin": 21772, + "ĠSocialist": 21773, + "Move": 21774, + "ghazi": 21775, + "ĠLinda": 21776, + "212": 21777, + "Ġbrewing": 21778, + "Ġmerchants": 21779, + "burse": 21780, + "Ġdivor": 21781, + "Ġmetals": 21782, + "ĠNer": 21783, + "Ġsums": 21784, + "ĠEnemy": 21785, + "Ġenvision": 21786, + "Ġgranting": 21787, + "ĠHoney": 21788, + "ĠSkyrim": 21789, + "Ġsocio": 21790, + "graded": 21791, + "Ġselective": 21792, + "WASHINGTON": 21793, + "Ġ1948": 21794, + "ĠSirius": 21795, + "ĠGross": 21796, + "activity": 21797, + "ĠIvan": 21798, + "Ġfurious": 21799, + "BSD": 21800, + "ĠPrevious": 21801, + "Ġresponsive": 21802, + "Ġcharitable": 21803, + "Ġleaning": 21804, + "ĠPew": 21805, + "Ġviolates": 21806, + "\\\\\\\\\\\\\\\\": 21807, + "ĠComing": 21808, + "wire": 21809, + "Ġpoet": 21810, + "Ġresolutions": 21811, + "command": 21812, + "ĠPortuguese": 21813, + "Ġnickname": 21814, + "Ġdeaf": 21815, + "February": 21816, + "Ġrecognise": 21817, + "Ġentirety": 21818, + "Ġseasonal": 21819, + "placed": 21820, + "ĠTelegraph": 21821, + "Ġmicrophone": 21822, + "ouring": 21823, + "Ġgrains": 21824, + "Ġgoverned": 21825, + "Ġpostp": 21826, + "ĠWaters": 21827, + "inement": 21828, + "Ġundocumented": 21829, + "ĠComcast": 21830, + "Ġfox": 21831, + "Ġassaults": 21832, + "reon": 21833, + "many": 21834, + "ĠJenkins": 21835, + "ĠAnyway": 21836, + "Ġassessments": 21837, + "Ġdowns": 21838, + "ĠMouse": 21839, + "Ġsuperb": 21840, + "kt": 21841, + "ĠDow": 21842, + "Ġtaxation": 21843, + "401": 21844, + "Ġsmiles": 21845, + "Ġundertaken": 21846, + "Ġexh": 21847, + "Ġenthusiastic": 21848, + "Ġtwent": 21849, + "Ġgovernmental": 21850, + "Ġautonomy": 21851, + "ĠTechnologies": 21852, + "ĠChain": 21853, + "Ġprevalent": 21854, + "fb": 21855, + "Ġnicotine": 21856, + "ogram": 21857, + "job": 21858, + "Ġawaiting": 21859, + "ĠMenu": 21860, + "Ġdeputies": 21861, + "kov": 21862, + "ishops": 21863, + "Button": 21864, + "ĠShanghai": 21865, + "Ġdiesel": 21866, + "ĠDuck": 21867, + "Ryan": 21868, + "ĠPCs": 21869, + "NF": 21870, + "jury": 21871, + "ente": 21872, + "Ġinaccurate": 21873, + "eddy": 21874, + "Whatever": 21875, + "Ġshowc": 21876, + "ĠNad": 21877, + "odus": 21878, + "etr": 21879, + "Ġplaintiffs": 21880, + "ĠWOR": 21881, + "ĠAssange": 21882, + "Ġprivat": 21883, + "Ġpremiums": 21884, + "Ġtam": 21885, + "URL": 21886, + "Ġelites": 21887, + "ĠRanger": 21888, + "ottenham": 21889, + "ĠHoff": 21890, + "ĠAthens": 21891, + "Ġdefinite": 21892, + "Ġsighed": 21893, + "Ġevenly": 21894, + "211": 21895, + "ĠAmber": 21896, + "akia": 21897, + "Ġmailing": 21898, + "Ġcrashing": 21899, + "ĠConfederate": 21900, + "rugged": 21901, + "Wal": 21902, + "ĠDepths": 21903, + "Ġjuvenile": 21904, + "Ġreactor": 21905, + "Introduction": 21906, + "ĠDeluxe": 21907, + "1995": 21908, + "ĠSanchez": 21909, + "ĠMead": 21910, + "ivable": 21911, + ":-": 21912, + "ĠPlanning": 21913, + "ĠTrap": 21914, + "quin": 21915, + "ĠProtect": 21916, + "vered": 21917, + "Information": 21918, + "Ġkidney": 21919, + "innamon": 21920, + "las": 21921, + "Ġpolicing": 21922, + "Ġtolerate": 21923, + "ĠQi": 21924, + "Ġbiased": 21925, + "Fort": 21926, + "ĠKi": 21927, + "save": 21928, + "Ġprivileged": 21929, + "Ġbeasts": 21930, + "ĠGlas": 21931, + "ĠCinem": 21932, + "Ġcomeback": 21933, + "Sunday": 21934, + "Ġextinction": 21935, + "hops": 21936, + "Ġtransmit": 21937, + "Ġdoubles": 21938, + "ĠFlat": 21939, + "167": 21940, + "Ġdisputed": 21941, + "Ġinjustice": 21942, + "foo": 21943, + "Vict": 21944, + "roleum": 21945, + "ĠJulie": 21946, + "Context": 21947, + "ĠRarity": 21948, + "issue": 21949, + "Component": 21950, + "Ġcounseling": 21951, + "anne": 21952, + "dark": 21953, + "Ġobjections": 21954, + "uilt": 21955, + "Ġgast": 21956, + "Ġplac": 21957, + "Ġunused": 21958, + "ãĥĩ": 21959, + "ĠTrial": 21960, + "ĠJas": 21961, + "hedral": 21962, + "obb": 21963, + "Ġtemporal": 21964, + "ĠPRO": 21965, + "ĠNW": 21966, + "ĠAnniversary": 21967, + "Large": 21968, + "Ġtherm": 21969, + "Ġdavid": 21970, + "Ġsystemic": 21971, + "ĠShir": 21972, + "mut": 21973, + "ĠNept": 21974, + "address": 21975, + "Ġscanning": 21976, + "Ġunderstandable": 21977, + "Ġcanvas": 21978, + "Cat": 21979, + "ĠZoo": 21980, + "Ġangels": 21981, + "LO": 21982, + "ĠStatement": 21983, + "ĠSig": 21984, + "ovable": 21985, + "ĠAway": 21986, + "sharing": 21987, + "ocrats": 21988, + "stated": 21989, + "Ġweighing": 21990, + "Nor": 21991, + "wild": 21992, + "Bey": 21993, + "Ġastonishing": 21994, + "ĠReynolds": 21995, + "Ġopener": 21996, + "Ġtrainer": 21997, + "Ġsurgical": 21998, + "pn": 21999, + "Ġadjusting": 22000, + "wheel": 22001, + "Ġfrown": 22002, + "ervative": 22003, + "Ġsuspend": 22004, + "Within": 22005, + "tein": 22006, + "Ġobstacle": 22007, + "Ġliberties": 22008, + "ymes": 22009, + "Ġuranium": 22010, + "ansom": 22011, + "anol": 22012, + "uba": 22013, + "ĠLoss": 22014, + "Ġarous": 22015, + "ĠHenderson": 22016, + "Wow": 22017, + "spl": 22018, + "cur": 22019, + "ĠÂŃ": 22020, + "Ġtheirs": 22021, + "Damage": 22022, + "Ġdownloading": 22023, + "Ġdiscern": 22024, + "ĠSto": 22025, + "ĠFla": 22026, + "Ġhath": 22027, + "ĠAj": 22028, + "Ġunpleasant": 22029, + "European": 22030, + "expensive": 22031, + "Ġscreenshot": 22032, + "ĠUV": 22033, + "Ġallied": 22034, + "ĠPersian": 22035, + "Ġmonopoly": 22036, + "Ġatom": 22037, + "ĠRedskins": 22038, + "\"><": 22039, + "Ġcancell": 22040, + "Ġcinema": 22041, + "131": 22042, + "fair": 22043, + "ĠAlfred": 22044, + "Ġduck": 22045, + "args": 22046, + "223": 22047, + "ĠISI": 22048, + "Ġsignaling": 22049, + "inar": 22050, + "Ġlaughs": 22051, + "Ġforwards": 22052, + "Ġreckless": 22053, + "Ġlisteners": 22054, + "ativity": 22055, + "Ġvastly": 22056, + "nant": 22057, + "Less": 22058, + "ĠHunting": 22059, + "ĠScientific": 22060, + "ITED": 22061, + "Ġknight": 22062, + "ĠHTC": 22063, + "usa": 22064, + "tmp": 22065, + "Ġrude": 22066, + "ĠLegendary": 22067, + "Ġarises": 22068, + "Bad": 22069, + "ĠClaim": 22070, + "peg": 22071, + "Ġrealities": 22072, + "Think": 22073, + "Ġ°": 22074, + "Ġrode": 22075, + "Ġstrive": 22076, + "Ġanecd": 22077, + "Ġshorts": 22078, + "Ġhypothes": 22079, + "Ġcoordinated": 22080, + "ĠGandhi": 22081, + "ĠFPS": 22082, + "RED": 22083, + "Ġsusceptible": 22084, + "Ġshrink": 22085, + "ĠChart": 22086, + "Help": 22087, + "Ġion": 22088, + "deep": 22089, + "ribes": 22090, + "ĠKai": 22091, + "ĠCustomer": 22092, + "Summary": 22093, + "Ġcough": 22094, + "wife": 22095, + "Ġlend": 22096, + "Ġpositioning": 22097, + "Ġlottery": 22098, + "ĠCanyon": 22099, + "Ġfade": 22100, + "Ġbronze": 22101, + "ĠKenny": 22102, + "Ġboasts": 22103, + "ĠEnhanced": 22104, + "record": 22105, + "Ġemergence": 22106, + "Ġakin": 22107, + "ĠBert": 22108, + "itous": 22109, + "âĸij": 22110, + "Ġstip": 22111, + "Ġexchanged": 22112, + "omore": 22113, + "alsh": 22114, + "Ġreservoir": 22115, + "Ġstandpoint": 22116, + "WM": 22117, + "Ġinitiate": 22118, + "Ġdecay": 22119, + "Ġbrewery": 22120, + "Ġterribly": 22121, + "Ġmortal": 22122, + "levard": 22123, + "Ġrevis": 22124, + "NI": 22125, + "elo": 22126, + "Ġconfess": 22127, + "ĠMSNBC": 22128, + "Ġsubmissions": 22129, + "Controller": 22130, + "Ġ202": 22131, + "ĠRuth": 22132, + "});": 22133, + "ĠAzure": 22134, + "Ġ.\"": 22135, + "206": 22136, + "ĠMarketing": 22137, + "Ġlaund": 22138, + "iencies": 22139, + "Ġrenowned": 22140, + "ĠTrou": 22141, + "ĠNGO": 22142, + "blems": 22143, + "Ġterrified": 22144, + "Ġwarns": 22145, + "Ġpert": 22146, + "Ġunsure": 22147, + "480": 22148, + "alez": 22149, + "ultz": 22150, + "ĠOutside": 22151, + "Ġstyl": 22152, + "ĠUnderground": 22153, + "Ġpanc": 22154, + "Ġdictionary": 22155, + "Ġfoe": 22156, + "riminal": 22157, + "ĠNorwegian": 22158, + "Ġjailed": 22159, + "Ġmaternal": 22160, + "ée": 22161, + "ĠLucy": 22162, + "cop": 22163, + "Cho": 22164, + "Ġunsigned": 22165, + "ĠZelda": 22166, + "ĠInsider": 22167, + "ĠContinued": 22168, + "Ġ133": 22169, + "ĠNaruto": 22170, + "ĠMajority": 22171, + "169": 22172, + "ĠWo": 22173, + "ãĤĵ": 22174, + "Ġpastor": 22175, + "Ġinformal": 22176, + "н": 22177, + "anthrop": 22178, + "join": 22179, + "ãģĹ": 22180, + "itational": 22181, + "NP": 22182, + "ĠWriting": 22183, + "fn": 22184, + "ĠBever": 22185, + "195": 22186, + "Ġyelling": 22187, + "Ġdrastically": 22188, + "Ġeject": 22189, + "Ġneut": 22190, + "Ġthrive": 22191, + "ĠFrequ": 22192, + "oux": 22193, + "Ġpossesses": 22194, + "ĠSenators": 22195, + "ĠDES": 22196, + "ĠShakespeare": 22197, + "ĠFranco": 22198, + "ĠLB": 22199, + "uchi": 22200, + "Ġincarn": 22201, + "Ġfounders": 22202, + "Function": 22203, + "Ġbrightness": 22204, + "ĠBT": 22205, + "Ġwhale": 22206, + "ĠTheater": 22207, + "mass": 22208, + "ĠDoll": 22209, + "Something": 22210, + "Ġechoed": 22211, + "ĠHex": 22212, + "crit": 22213, + "afia": 22214, + "Ġgoddess": 22215, + "Ġeleven": 22216, + "ĠPreview": 22217, + "ĠAurora": 22218, + "Ġ401": 22219, + "ulsive": 22220, + "ĠLogan": 22221, + "inburgh": 22222, + "ĠCenters": 22223, + "ĠONLY": 22224, + "ĠAid": 22225, + "Ġparadox": 22226, + "Ġhurd": 22227, + "ĠLC": 22228, + "Due": 22229, + "court": 22230, + "Ġoffended": 22231, + "Ġevaluating": 22232, + "ĠMatthews": 22233, + "Ġtomb": 22234, + "Ġpayroll": 22235, + "Ġextraction": 22236, + "ĠHands": 22237, + "ifi": 22238, + "Ġsupernatural": 22239, + "ĠCOMM": 22240, + "]=": 22241, + "dogs": 22242, + "Ġ512": 22243, + "ĠMeeting": 22244, + "Richard": 22245, + "ĠMaximum": 22246, + "Ġideals": 22247, + "Things": 22248, + "mand": 22249, + "ĠRegardless": 22250, + "Ġhumili": 22251, + "buffer": 22252, + "Little": 22253, + "ĠDani": 22254, + "ĠNak": 22255, + "Ġliberation": 22256, + "ĠAbe": 22257, + "ĠOL": 22258, + "Ġstuffed": 22259, + "aca": 22260, + "inda": 22261, + "raphic": 22262, + "Ġmosqu": 22263, + "Ġcampaigning": 22264, + "Ġoccupy": 22265, + "Squ": 22266, + "rina": 22267, + "ĠWel": 22268, + "ĠVS": 22269, + "Ġphysic": 22270, + "Ġpuls": 22271, + "rint": 22272, + "oaded": 22273, + "ETF": 22274, + "ĠArchives": 22275, + "Ġvenues": 22276, + "hner": 22277, + "ĠTurbo": 22278, + "Ġlust": 22279, + "Ġappealed": 22280, + "quez": 22281, + "ilib": 22282, + "ĠTimothy": 22283, + "Ġomn": 22284, + "dro": 22285, + "Ġobsession": 22286, + "ĠSavage": 22287, + "1996": 22288, + "Global": 22289, + "Jes": 22290, + "214": 22291, + "Ġsliding": 22292, + "Ġdisappro": 22293, + "ĠMagical": 22294, + "Ġvoluntarily": 22295, + "gb": 22296, + "aney": 22297, + "Ġprophet": 22298, + "ĠRein": 22299, + "ĠJulia": 22300, + "ĠWorth": 22301, + "aurus": 22302, + "Ġbounds": 22303, + "ieu": 22304, + ")))": 22305, + "Ġcrore": 22306, + "ĠCitizen": 22307, + "Sky": 22308, + "Ġcolumnist": 22309, + "Ġseekers": 22310, + "ondo": 22311, + "ISA": 22312, + "ĠLength": 22313, + "Ġnostalg": 22314, + "Ġnewcom": 22315, + "Ġdetrim": 22316, + "entric": 22317, + "375": 22318, + "ĠGE": 22319, + "Ġautop": 22320, + "Ġacademics": 22321, + "AppData": 22322, + "ĠShen": 22323, + "Ġidiot": 22324, + "ĠTransit": 22325, + "Ġteaspoon": 22326, + "Wil": 22327, + "KO": 22328, + "ĠComedy": 22329, + ">,": 22330, + "Ġpopulated": 22331, + "WD": 22332, + "Ġpigs": 22333, + "ĠOculus": 22334, + "Ġsympathetic": 22335, + "Ġmarathon": 22336, + "198": 22337, + "Ġseizure": 22338, + "sided": 22339, + "Ġdop": 22340, + "irtual": 22341, + "Land": 22342, + "ĠFloor": 22343, + "osaurs": 22344, + "...]": 22345, + "Ġlos": 22346, + "Ġsubsidiary": 22347, + "EY": 22348, + "ĠParts": 22349, + "ĠStef": 22350, + "ĠJudiciary": 22351, + "Ġ134": 22352, + "Ġmirrors": 22353, + "Ġket": 22354, + "times": 22355, + "Ġneurolog": 22356, + "Ġcav": 22357, + "ĠGuest": 22358, + "Ġtumor": 22359, + "scill": 22360, + "ĠLloyd": 22361, + "Est": 22362, + "Ġclearer": 22363, + "Ġstereotypes": 22364, + "Ġdur": 22365, + "nothing": 22366, + "Reddit": 22367, + "Ġnegotiated": 22368, + "------------------------": 22369, + "235": 22370, + "Ġflown": 22371, + "ĠSeoul": 22372, + "ĠResident": 22373, + "ĠSCH": 22374, + "Ġdisappearance": 22375, + "ĠVince": 22376, + "grown": 22377, + "Ġgrabs": 22378, + "ril": 22379, + "ĠInfinite": 22380, + "ĠTwenty": 22381, + "Ġpedestrian": 22382, + "Ġjersey": 22383, + "ĠFur": 22384, + "ĠInfinity": 22385, + "ĠElliott": 22386, + "Ġmentor": 22387, + "Ġmorally": 22388, + "Ġobey": 22389, + "secure": 22390, + "iffe": 22391, + "Ġantibiotics": 22392, + "angled": 22393, + "ĠFreeman": 22394, + "ĠIntroduction": 22395, + "Jun": 22396, + "Ġmarsh": 22397, + "icans": 22398, + "ĠEVENTS": 22399, + "ochond": 22400, + "Wall": 22401, + "iculty": 22402, + "Ġmisdemeanor": 22403, + "Ġly": 22404, + "Thomas": 22405, + "ĠResolution": 22406, + "Ġanimations": 22407, + "ĠDry": 22408, + "Ġintercourse": 22409, + "ĠNewcastle": 22410, + "ĠHog": 22411, + "ĠEquipment": 22412, + "177": 22413, + "Ġterritorial": 22414, + "Ġarchives": 22415, + "203": 22416, + "Filter": 22417, + "ĠMunich": 22418, + "Ġcommanded": 22419, + "ĠWand": 22420, + "Ġpitches": 22421, + "ĠCroat": 22422, + "Ġratios": 22423, + "ĠMits": 22424, + "Ġaccumulated": 22425, + "ĠSpecifically": 22426, + "Ġgentleman": 22427, + "acerb": 22428, + "Ġpenn": 22429, + "Ġaka": 22430, + "ĠFuk": 22431, + "Ġintervene": 22432, + "ĠRefuge": 22433, + "ĠAlzheimer": 22434, + "Ġsuccession": 22435, + "ohan": 22436, + "does": 22437, + "Lord": 22438, + "Ġseparat": 22439, + "Ġcorrespondence": 22440, + "Ġshiny": 22441, + "Prior": 22442, + "Ġsulf": 22443, + "Ġmiserable": 22444, + "Ġdedication": 22445, + "().": 22446, + "Ġspecialists": 22447, + "Ġdefects": 22448, + "ĠCult": 22449, + "ĠXia": 22450, + "Ġjeopard": 22451, + "ĠOre": 22452, + "Ability": 22453, + "Ġlear": 22454, + "Ġambitions": 22455, + "ĠBMI": 22456, + "ĠArabs": 22457, + "Ġ1942": 22458, + "Ġpreservation": 22459, + "ificate": 22460, + "Ġashamed": 22461, + "loss": 22462, + "ĠRestaur": 22463, + "Ġresemble": 22464, + "Ġenrich": 22465, + "ĠKN": 22466, + "ĠClan": 22467, + "float": 22468, + "Ġplayable": 22469, + "ITT": 22470, + "Ġharmony": 22471, + "arrison": 22472, + "ĠWeinstein": 22473, + "were": 22474, + "Ġpoisoning": 22475, + "ĠComput": 22476, + "ĠWordPress": 22477, + "major": 22478, + "ĠValve": 22479, + "Fan": 22480, + "ĠThrow": 22481, + "ĠRomans": 22482, + "ĠDepression": 22483, + "ados": 22484, + "Ġtortured": 22485, + "Ġbalancing": 22486, + "bottom": 22487, + "Ġacquiring": 22488, + "ĠMonte": 22489, + "ardi": 22490, + "Ġaura": 22491, + "Ġ##": 22492, + "ĠStanding": 22493, + "ĠAtlas": 22494, + "CF": 22495, + "Ġintrins": 22496, + "ĠBenghazi": 22497, + "Ġcamping": 22498, + "Ġtapped": 22499, + "blade": 22500, + "strous": 22501, + "ĠRabb": 22502, + "ĠWritten": 22503, + "tip": 22504, + "ĠNeigh": 22505, + "sterdam": 22506, + "ĠAllow": 22507, + "ĠHealing": 22508, + "ĠRhod": 22509, + "num": 22510, + "Ġcaffeine": 22511, + "ĠPercent": 22512, + "Ġboo": 22513, + "Ġapples": 22514, + "305": 22515, + "Ġwelcoming": 22516, + "Ġapplaud": 22517, + "Ġausterity": 22518, + "±": 22519, + "ĠReality": 22520, + "efe": 22521, + "å®": 22522, + "Ġsucks": 22523, + "Ġtabs": 22524, + "ĠPayPal": 22525, + "Ġbackpack": 22526, + "Ġgifted": 22527, + "abulary": 22528, + "ĠScout": 22529, + "irteen": 22530, + "Ġchin": 22531, + "Ġomitted": 22532, + "Ġnegatively": 22533, + "Ġaccessing": 22534, + "ĠEarn": 22535, + "Ġambulance": 22536, + "Ġheadphones": 22537, + "Ġ205": 22538, + "ĠRefresh": 22539, + "president": 22540, + "ĠKitchen": 22541, + "ĠEntered": 22542, + "ĠSnyder": 22543, + "005": 22544, + "omical": 22545, + "Ġborrowed": 22546, + "ĠNem": 22547, + "Ġaviation": 22548, + "Ġstall": 22549, + "rimination": 22550, + "Ġuniforms": 22551, + "itime": 22552, + "ĠSimmons": 22553, + "energy": 22554, + "ablished": 22555, + "yy": 22556, + "qualified": 22557, + "Ġrallies": 22558, + "ĠStuart": 22559, + "flight": 22560, + "Ġgangs": 22561, + "rag": 22562, + "Ġvault": 22563, + "lux": 22564, + "ĠCompar": 22565, + "Ġdesignation": 22566, + "209": 22567, + "ĠJos": 22568, + "dollar": 22569, + "zero": 22570, + "Ġwells": 22571, + "303": 22572, + "Ġconstituents": 22573, + "Ġheck": 22574, + "Ġcows": 22575, + "Ġcommanders": 22576, + "Ġdifferential": 22577, + "ĠCatherine": 22578, + "299": 22579, + "Ġvalve": 22580, + "Ġbrace": 22581, + "Ġperspectives": 22582, + "cert": 22583, + "fact": 22584, + "icularly": 22585, + "ĠMcN": 22586, + "planes": 22587, + "Ġintric": 22588, + "Ġpeas": 22589, + "ovan": 22590, + "Ġtossed": 22591, + "retch": 22592, + "ĠLopez": 22593, + "Ġunfamiliar": 22594, + "death": 22595, + "ĠApart": 22596, + "ĠChang": 22597, + "Ġrelieved": 22598, + "rophe": 22599, + "Ġairports": 22600, + "Ġfreak": 22601, + "util": 22602, + "Mill": 22603, + "ĠChin": 22604, + "ĠOwen": 22605, + "male": 22606, + "ĠBroken": 22607, + "ĠWinds": 22608, + "rob": 22609, + "rising": 22610, + "Ġfirefighters": 22611, + "Ġauthoritarian": 22612, + "Ġ148": 22613, + "Bitcoin": 22614, + "external": 22615, + "Ġbrowsers": 22616, + "ichever": 22617, + "orian": 22618, + "Ġunb": 22619, + "Ġpoke": 22620, + "ĠZot": 22621, + "Mid": 22622, + "ĠPopular": 22623, + "Ġcovert": 22624, + "Ġcontributes": 22625, + "Ġ650": 22626, + "Ġcontention": 22627, + "Gate": 22628, + "Ġconsoles": 22629, + "Ġchromos": 22630, + "ĠIX": 22631, + "Ġvisually": 22632, + "ĠEisen": 22633, + "Ġjewelry": 22634, + "Ġdelegation": 22635, + "Ġaccelerate": 22636, + "ĠRiley": 22637, + "Ġslope": 22638, + "Ġindoor": 22639, + "itially": 22640, + "Ġhugely": 22641, + "Ġtunnels": 22642, + "Ġfined": 22643, + "Ġdirective": 22644, + "Ġforehead": 22645, + "ustomed": 22646, + "Ġskate": 22647, + "Music": 22648, + "gas": 22649, + "Ġrecognizing": 22650, + "ambo": 22651, + "Ġoverweight": 22652, + "ĠGrade": 22653, + "ÙĬ": 22654, + "Ġsounding": 22655, + "Ġlocking": 22656, + "ĠREM": 22657, + "Store": 22658, + "Ġexcav": 22659, + "ĠLikewise": 22660, + "ĠLights": 22661, + "Ġelbow": 22662, + "ĠSupply": 22663, + "wic": 22664, + "Ġhandsome": 22665, + "1994": 22666, + "Coll": 22667, + "Ġadequately": 22668, + "ĠAssociate": 22669, + "Ġstrips": 22670, + "Ġcrackdown": 22671, + "Ġmarvel": 22672, + "ĠKun": 22673, + "Ġpassages": 22674, + "@@@@": 22675, + "ĠTall": 22676, + "Ġthoughtful": 22677, + "namese": 22678, + "Ġprostitution": 22679, + "business": 22680, + "Ġballistic": 22681, + "personal": 22682, + "cig": 22683, + "izational": 22684, + "Round": 22685, + "ĠÂłĠÂłĠÂłĠÂł": 22686, + "ĠColeman": 22687, + "Ġadmitting": 22688, + "ĠPlug": 22689, + "Ġbitcoins": 22690, + "ĠSuz": 22691, + "Ġfairness": 22692, + "Ġsupplier": 22693, + "Ġcatastrophic": 22694, + "ĠHelen": 22695, + "oqu": 22696, + "Marc": 22697, + "ĠArticles": 22698, + "gie": 22699, + "Ġendangered": 22700, + "Ġdestiny": 22701, + "ĠVolt": 22702, + "olia": 22703, + "axis": 22704, + "Ġcheat": 22705, + "Ġunified": 22706, + "ICO": 22707, + "quote": 22708, + "302": 22709, + "ĠSed": 22710, + "Ġsuppression": 22711, + "Ġanalyzing": 22712, + "Ġsquat": 22713, + "Ġfiguring": 22714, + "Ġcoordinates": 22715, + "Ġchunks": 22716, + "Ġ1946": 22717, + "Ġsubp": 22718, + "Ġwiki": 22719, + "ĠForbes": 22720, + "ĠJupiter": 22721, + "ĠErik": 22722, + "imer": 22723, + "ĠCommercial": 22724, + "\\)": 22725, + "Ġlegitimacy": 22726, + "Ġdental": 22727, + "ĠMean": 22728, + "Ġdeficits": 22729, + "550": 22730, + "Originally": 22731, + "ĠHorror": 22732, + "Ġcontamination": 22733, + "llah": 22734, + "Ġconfisc": 22735, + "ĠClare": 22736, + "TB": 22737, + "ĠFailed": 22738, + "aned": 22739, + "Ġruler": 22740, + "ĠController": 22741, + "Ġfeminists": 22742, + "Fix": 22743, + "gay": 22744, + "207": 22745, + "Ġrabbit": 22746, + "Third": 22747, + "owntown": 22748, + "Ġglue": 22749, + "Ġvolatile": 22750, + "Ġshining": 22751, + "Ġfoll": 22752, + "Ġimpaired": 22753, + "Ġsupers": 22754, + "æĪ": 22755, + "Ġclutch": 22756, + "ļéĨĴ": 22757, + "Ġprolet": 22758, + "Ġ(!": 22759, + "Ġyelled": 22760, + "ĠKiev": 22761, + "ĠErn": 22762, + "ĠShock": 22763, + "KB": 22764, + "Ġsituated": 22765, + "query": 22766, + "ĠNas": 22767, + "Ġannex": 22768, + "character": 22769, + "ĠHoliday": 22770, + "Ġautomation": 22771, + "ĠJill": 22772, + "ĠRemastered": 22773, + "Ġlinem": 22774, + "Ġwilderness": 22775, + "ĠHorizon": 22776, + "ĠGuinea": 22777, + "AZ": 22778, + "Ġmainland": 22779, + "Ġsecrecy": 22780, + "LEASE": 22781, + "Ġpunk": 22782, + "ĠProvince": 22783, + "(),": 22784, + "Speed": 22785, + "Ġhanding": 22786, + "ĠSebast": 22787, + "Sir": 22788, + "rase": 22789, + "Ġjournals": 22790, + "Ġcongest": 22791, + "ĠTut": 22792, + "irrel": 22793, + "Ġschizophrenia": 22794, + "Ġmisogyn": 22795, + "healthy": 22796, + "Iron": 22797, + "Ġreacted": 22798, + "-$": 22799, + "252": 22800, + "Ġplural": 22801, + "Ġplum": 22802, + "Ġbargain": 22803, + "Ġgrounded": 22804, + "finder": 22805, + "Ġdisse": 22806, + "ĠLaz": 22807, + "OOD": 22808, + "Ġatroc": 22809, + "Factory": 22810, + "Ġminions": 22811, + "Ġori": 22812, + "ĠBrave": 22813, + "ĠPRE": 22814, + "ĠMyanmar": 22815, + "ĠHod": 22816, + "Ġexpedition": 22817, + "Ġexplode": 22818, + "ĠCoord": 22819, + "Ġextr": 22820, + "ĠBrief": 22821, + "ĠADHD": 22822, + "Ġhardcore": 22823, + "feeding": 22824, + "Ġdile": 22825, + "ĠFruit": 22826, + "Ġvaccination": 22827, + "ĠMao": 22828, + "osphere": 22829, + "Ġcontests": 22830, + "-|": 22831, + "Ġfren": 22832, + "isphere": 22833, + "Rom": 22834, + "ĠSharp": 22835, + "ĠTrend": 22836, + "Ġdisconnect": 22837, + "âĢ¢âĢ¢": 22838, + "Ġpersecution": 22839, + "Earth": 22840, + "Ġhealthier": 22841, + "384": 22842, + "Ġcob": 22843, + "ĠTrinity": 22844, + "OWS": 22845, + "ANN": 22846, + "Ġspecialty": 22847, + "Ġgru": 22848, + "Ġcooperative": 22849, + "why": 22850, + "Starting": 22851, + "ĠIssues": 22852, + "stre": 22853, + "ensor": 22854, + "Ġ185": 22855, + "Adv": 22856, + "!?": 22857, + "ĠRevel": 22858, + "emia": 22859, + "ĠHulk": 22860, + "Ġcelebrations": 22861, + "ĠSou": 22862, + "raud": 22863, + "ĠKlein": 22864, + "Ġunreal": 22865, + "context": 22866, + "Ġpartnerships": 22867, + "Ġadopting": 22868, + "tical": 22869, + "Ġsplash": 22870, + "ĠHezbollah": 22871, + "category": 22872, + "cyclop": 22873, + "xton": 22874, + "ĠDot": 22875, + "urdy": 22876, + "tz": 22877, + "Ġenvelope": 22878, + "ĠNL": 22879, + "âķ": 22880, + "Ġwherein": 22881, + "Spec": 22882, + "184": 22883, + "Ġtelev": 22884, + "aliation": 22885, + "Ġmyths": 22886, + "å°": 22887, + "Ġrigorous": 22888, + "Ġcommunicating": 22889, + "Ġobserver": 22890, + "Ġrehe": 22891, + "ĠWash": 22892, + "Ġapologized": 22893, + "ĠTin": 22894, + "Ġexpenditures": 22895, + "workers": 22896, + "document": 22897, + "Ġhesitate": 22898, + "ĠLenin": 22899, + "Ġunpredictable": 22900, + "Ġrenewal": 22901, + "cler": 22902, + "okia": 22903, + "ĠCONT": 22904, + "Ġpostseason": 22905, + "Tokens": 22906, + "Ġexacerb": 22907, + "Ġbetting": 22908, + "Ġ147": 22909, + "Ġelevation": 22910, + "Wood": 22911, + "ĠSolomon": 22912, + "194": 22913, + "004": 22914, + "output": 22915, + "Ġredund": 22916, + "ĠMumbai": 22917, + "ĠpH": 22918, + "Ġreproduce": 22919, + "ĠDuration": 22920, + "MAX": 22921, + "Ġbog": 22922, + "CBS": 22923, + "ĠBalance": 22924, + "ĠSgt": 22925, + "ĠRecent": 22926, + "Ġcd": 22927, + "Ġpopped": 22928, + "Ġincompet": 22929, + "prop": 22930, + "ayan": 22931, + "guy": 22932, + "Pacific": 22933, + "Ġtyr": 22934, + "Ġ{{": 22935, + "ĠMystic": 22936, + "ĠDana": 22937, + "Ġmasturb": 22938, + "Ġgeometry": 22939, + "â": 22940, + "ĠCorrect": 22941, + "Ġtrajectory": 22942, + "Ġdistracted": 22943, + "Ġfoo": 22944, + "ĠWelsh": 22945, + "Luc": 22946, + "mith": 22947, + "Ġrugby": 22948, + "Ġrespiratory": 22949, + "Ġtriangle": 22950, + "Ġ215": 22951, + "Ġundergraduate": 22952, + "ĠSuperior": 22953, + "changing": 22954, + "_-": 22955, + "Ġrightly": 22956, + "Ġreferee": 22957, + "Ġlucrative": 22958, + "Ġunauthorized": 22959, + "Ġresembles": 22960, + "ĠGNU": 22961, + "ĠDerby": 22962, + "Ġpathways": 22963, + "ĠLed": 22964, + "Ġendurance": 22965, + "Ġstint": 22966, + "Ġcollector": 22967, + "Fast": 22968, + "Ġdots": 22969, + "Ġnationals": 22970, + "ĠSecurities": 22971, + "Ġwhip": 22972, + "Param": 22973, + "Ġlearns": 22974, + "Magic": 22975, + "Ġdetailing": 22976, + "moon": 22977, + "Ġbroadcasting": 22978, + "Ġbaked": 22979, + "265": 22980, + "holm": 22981, + "ĠSah": 22982, + "ĠHussein": 22983, + "ĠCourtesy": 22984, + "174": 22985, + "Ġ146": 22986, + "Ġgeographic": 22987, + "peace": 22988, + "Ġjudging": 22989, + "ĠStern": 22990, + "Bur": 22991, + "Ġstoryline": 22992, + "Gun": 22993, + "ĠStick": 22994, + "245": 22995, + "307": 22996, + "ãĤ´ãĥ³": 22997, + "ĠAdministrator": 22998, + "Ġburnt": 22999, + "Ġpave": 23000, + "choes": 23001, + "Exec": 23002, + "Ġcampuses": 23003, + "Result": 23004, + "Ġmutations": 23005, + "ĠCharter": 23006, + "Ġcaptures": 23007, + "Ġcompares": 23008, + "Ġbadge": 23009, + "Scient": 23010, + "Ġerad": 23011, + "iery": 23012, + "oi": 23013, + "ettes": 23014, + "ĠEstate": 23015, + "Ġstrap": 23016, + "Ġproudly": 23017, + "Ġfried": 23018, + "Ġwithdrawn": 23019, + "ĠVoy": 23020, + "phony": 23021, + "Items": 23022, + "ĠPierce": 23023, + "bard": 23024, + "Ġannotation": 23025, + "anton": 23026, + "illon": 23027, + "Impro": 23028, + "...)": 23029, + "Ġhappier": 23030, + "------": 23031, + "adjust": 23032, + "Ġstaffers": 23033, + "Ġactivism": 23034, + "Ġperf": 23035, + "Ġalright": 23036, + "Need": 23037, + "Ġcommence": 23038, + "Ġopioid": 23039, + "ĠAmanda": 23040, + "Es": 23041, + "ĠPars": 23042, + "ĠKaw": 23043, + "Works": 23044, + "248": 23045, + "Ġindo": 23046, + "tc": 23047, + "endant": 23048, + "ĠMoto": 23049, + "Ġlegalization": 23050, + "OTE": 23051, + "Ġtasked": 23052, + "Ġtsp": 23053, + "ĠACTIONS": 23054, + "166": 23055, + "Ġrefreshing": 23056, + "ĠNR": 23057, + "ĠPerez": 23058, + "Ġinfringement": 23059, + "SY": 23060, + "Listen": 23061, + "inning": 23062, + "ku": 23063, + "Ġrotate": 23064, + "program": 23065, + "arah": 23066, + "Design": 23067, + "Ġ(£": 23068, + "Ġstoring": 23069, + "Ġwarrants": 23070, + "Ġjudgement": 23071, + "ĠBrist": 23072, + "usually": 23073, + "photo": 23074, + "ĠRan": 23075, + "ĠPine": 23076, + "Ġoutrageous": 23077, + "ĠValentine": 23078, + "luence": 23079, + "ĠEverybody": 23080, + "Altern": 23081, + "Ġrelevance": 23082, + "Ġterminated": 23083, + "Ġdessert": 23084, + "Ġfulfilled": 23085, + "Ġprosecuted": 23086, + "ĠWords": 23087, + "Ġmigrant": 23088, + "Ġcultivation": 23089, + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ": 23090, + "idelity": 23091, + "ĠVern": 23092, + "ĠLogin": 23093, + "Ġmetaphor": 23094, + "ĠTip": 23095, + "Ġrecruits": 23096, + "ĠPig": 23097, + "ribing": 23098, + "Ġenthusiasts": 23099, + "exper": 23100, + "Ġfrightening": 23101, + "ĠHair": 23102, + "anson": 23103, + "strate": 23104, + "Ġhi": 23105, + "Height": 23106, + "Ġowning": 23107, + "none": 23108, + "Ġdislike": 23109, + "Ġknives": 23110, + "pherd": 23111, + "Ġloudly": 23112, + "ĠAPIs": 23113, + "Display": 23114, + "ĠLac": 23115, + "ĠUSS": 23116, + "abl": 23117, + "verages": 23118, + "Jew": 23119, + "Ġ172": 23120, + "ĠHistorical": 23121, + "atoon": 23122, + "ĠPhysics": 23123, + "intern": 23124, + "Ġwarmth": 23125, + "Ġtopp": 23126, + "DM": 23127, + "Ġgunman": 23128, + "Ġemperor": 23129, + "odi": 23130, + "ãĥ£": 23131, + "inatory": 23132, + "ĠRib": 23133, + "Ġ131": 23134, + "ĠSaturn": 23135, + "ĠShining": 23136, + "Ġwaking": 23137, + "Quotes": 23138, + "Ġcomedian": 23139, + "enberg": 23140, + "½": 23141, + "Ġbelievers": 23142, + "Ġpaperwork": 23143, + "custom": 23144, + "Ġlev": 23145, + "Ġlament": 23146, + "Ġpouring": 23147, + "222": 23148, + "political": 23149, + "ĠSupplement": 23150, + "maid": 23151, + "Ġcruelty": 23152, + "Ġtread": 23153, + "ysics": 23154, + "Aw": 23155, + "rites": 23156, + "Ġmodifier": 23157, + "ĠPosition": 23158, + "Adam": 23159, + "lb": 23160, + "ubs": 23161, + "Ġimperfect": 23162, + "Ġclusters": 23163, + "ĠEngineer": 23164, + "ĠCherry": 23165, + "Ġinauguration": 23166, + "ĠSau": 23167, + "Ġembodiment": 23168, + "ĠUncle": 23169, + "Ġoverr": 23170, + "Ġexplosions": 23171, + "cule": 23172, + "ĠPrinceton": 23173, + "ĠAndrea": 23174, + "Ġincorrectly": 23175, + "Ġearnest": 23176, + "Ġpilgr": 23177, + "ĠSprint": 23178, + "Ġsleeve": 23179, + "Ġhears": 23180, + "ĠAmazing": 23181, + "Ġbrowsing": 23182, + "agin": 23183, + "Ġhomeland": 23184, + "Ġhaw": 23185, + "Ġdiving": 23186, + "istered": 23187, + "178": 23188, + "Ġbargaining": 23189, + "ĠArcade": 23190, + "Ġdelegate": 23191, + "terson": 23192, + "................................................................": 23193, + "ĠJacksonville": 23194, + "275": 23195, + "Ġstagn": 23196, + "Ġadam": 23197, + "ĠSherman": 23198, + "CB": 23199, + "Ġsuburb": 23200, + "ĠFoods": 23201, + "Ġconverting": 23202, + "ĠArist": 23203, + "Ġchambers": 23204, + "love": 23205, + "Ġamino": 23206, + "ĠGan": 23207, + "Ġmadness": 23208, + "mc": 23209, + "ĠUSE": 23210, + "defined": 23211, + "Ġultr": 23212, + "indust": 23213, + "Ġwolves": 23214, + "lance": 23215, + "Additionally": 23216, + "Ġcracks": 23217, + "asia": 23218, + "ĠReason": 23219, + "ĠPump": 23220, + "Ġaccidental": 23221, + "ĠLaser": 23222, + "ĠRid": 23223, + "Ġinitialized": 23224, + "elli": 23225, + "Ġunnamed": 23226, + "Ġnoun": 23227, + "ĠPassed": 23228, + "Ġhostage": 23229, + "ĠEthiop": 23230, + "shirts": 23231, + "Ġunrel": 23232, + "ĠEmbassy": 23233, + "Ġ1941": 23234, + "Ġatoms": 23235, + "Ġpurported": 23236, + "164": 23237, + "ĠFi": 23238, + "Ġgallons": 23239, + "ĠMonica": 23240, + "Ġpg": 23241, + "enment": 23242, + "Ġsorted": 23243, + "ĠGospel": 23244, + "Ġheights": 23245, + "Ġtraced": 23246, + "Ġundergoing": 23247, + "Shell": 23248, + "Ġsacks": 23249, + "Ġproportions": 23250, + "Ġhalluc": 23251, + "Font": 23252, + "acet": 23253, + "Ġwarmer": 23254, + "ĠINTER": 23255, + "Ġgrabbing": 23256, + "Plug": 23257, + "Ġrealization": 23258, + "ĠBurke": 23259, + "Ġenchant": 23260, + "ATER": 23261, + "ĠSeed": 23262, + "Ġabundant": 23263, + "FM": 23264, + "Ġcivic": 23265, + "Vs": 23266, + "isi": 23267, + "Ġvow": 23268, + "Ġreper": 23269, + "ĠPartnership": 23270, + "Ġpenetration": 23271, + "Ġaxe": 23272, + "Ġshattered": 23273, + "ĠZombies": 23274, + "Ġvinyl": 23275, + "ĠAlert": 23276, + "eon": 23277, + "Ġobliged": 23278, + "ĠIllust": 23279, + "ĠPlaza": 23280, + "ĠFrontier": 23281, + "Ġdavidjl": 23282, + "ĠSerial": 23283, + "ĠHav": 23284, + "ĠNutrition": 23285, + "Bi": 23286, + "ĠâĸĪ": 23287, + "ĠJays": 23288, + "linux": 23289, + "Ġhurry": 23290, + "Ġvoy": 23291, + "Ġhopeless": 23292, + "ĠStealth": 23293, + "Ġãģ": 23294, + "essors": 23295, + "ttle": 23296, + "borg": 23297, + "ĠSafari": 23298, + "fell": 23299, + "Ġwary": 23300, + "due": 23301, + "ĠAbove": 23302, + "Ha": 23303, + "ELL": 23304, + "Ġnotor": 23305, + "ĠWon": 23306, + "Too": 23307, + "Ġoccupations": 23308, + "Ġpossessions": 23309, + "Ġinviting": 23310, + "Ġpredators": 23311, + "Ġaccelerated": 23312, + "Ġ157": 23313, + "uterte": 23314, + "ĠCube": 23315, + "east": 23316, + "account": 23317, + "Give": 23318, + "Ġtransplant": 23319, + "redients": 23320, + "idable": 23321, + "Ġscreenshots": 23322, + "ĠGund": 23323, + "ĠFS": 23324, + "Ġtravelers": 23325, + "Ġsensory": 23326, + "ĠFiat": 23327, + "ĠRockets": 23328, + "İĭ": 23329, + "_{": 23330, + "Friend": 23331, + "Ġcharming": 23332, + "ALS": 23333, + "Ġenjoyment": 23334, + "mph": 23335, + "Ġ5000": 23336, + "ĠREG": 23337, + "ÙĨ": 23338, + "bia": 23339, + "Ġcompilation": 23340, + "rost": 23341, + "ĠVP": 23342, + "ĠSchne": 23343, + "2019": 23344, + "Ġcopying": 23345, + "MORE": 23346, + "ĠFlore": 23347, + "falls": 23348, + "215": 23349, + "total": 23350, + "Ġdisciples": 23351, + "double": 23352, + "Ġexceeding": 23353, + "Ġsmashed": 23354, + "Ġconceptual": 23355, + "ĠRomania": 23356, + "ĠBrent": 23357, + "ĠICE": 23358, + "ĠTou": 23359, + "Ġgrap": 23360, + "Ġnails": 23361, + "189": 23362, + "ãĥĺ": 23363, + "Ġprocure": 23364, + "eur": 23365, + "Ġconfirming": 23366, + "ĠCec": 23367, + "awi": 23368, + "ĠEden": 23369, + "Ġng": 23370, + "Ġengineered": 23371, + "atics": 23372, + "Ġhooked": 23373, + "Ġdisgusting": 23374, + "ĠMurder": 23375, + "ãĤ¿": 23376, + "Library": 23377, + "Ġ168": 23378, + "Almost": 23379, + "hematic": 23380, + "Menu": 23381, + "ĠNotre": 23382, + "ĠJur": 23383, + "Ġkidnapped": 23384, + "Ġhacker": 23385, + "ĠJade": 23386, + "Ġcreepy": 23387, + "Ġdrawings": 23388, + "ĠSponsor": 23389, + "Ġcyclists": 23390, + "ĠGoblin": 23391, + "Ġoptimized": 23392, + "Ġstaged": 23393, + "ĠMcD": 23394, + "between": 23395, + "Age": 23396, + "eno": 23397, + "Sex": 23398, + "ĠWide": 23399, + "nings": 23400, + "avis": 23401, + "Ġincapable": 23402, + "ĠKob": 23403, + "Ġrewarding": 23404, + "ĠLone": 23405, + "olescent": 23406, + "Ġcontracted": 23407, + "Ġsticky": 23408, + "Jose": 23409, + "Ball": 23410, + "fest": 23411, + "ĠInput": 23412, + "ĠRecently": 23413, + "Ġtomat": 23414, + "square": 23415, + "Application": 23416, + "Ġnitrogen": 23417, + "Ġduplicate": 23418, + "ĠRecon": 23419, + "ĠDear": 23420, + "London": 23421, + "Ġintra": 23422, + "Ġdock": 23423, + "Ġoutreach": 23424, + "ĠMillion": 23425, + "Ġmammals": 23426, + "ampton": 23427, + "VAL": 23428, + "Ġsnaps": 23429, + "Ġdos": 23430, + "ĠWhole": 23431, + "ĠReady": 23432, + "Try": 23433, + "ĠWinnipeg": 23434, + "earance": 23435, + "Ġincurred": 23436, + "renched": 23437, + "ĠNSW": 23438, + "ilot": 23439, + "raine": 23440, + "Ġcube": 23441, + "got": 23442, + "Ġrunway": 23443, + "etermined": 23444, + "ĠHawks": 23445, + "Ġsurvivor": 23446, + "ĠWish": 23447, + "ĠDin": 23448, + "ĠDEF": 23449, + "ĠVault": 23450, + "187": 23451, + "Ġmushrooms": 23452, + "Ġcrisp": 23453, + "bey": 23454, + "ĠDiscovery": 23455, + "Ġdevelopmental": 23456, + "Ġparadigm": 23457, + "Ġchaotic": 23458, + "ĠTsu": 23459, + "Ġ333": 23460, + "bons": 23461, + "Ġbacterial": 23462, + "Ġcommits": 23463, + "Ġcosmic": 23464, + "Ġmega": 23465, + "ocative": 23466, + "ĠPaint": 23467, + "ophobic": 23468, + "Ġvain": 23469, + "Ġcarved": 23470, + "ĠThief": 23471, + "ĠGul": 23472, + "owship": 23473, + "Ġcites": 23474, + "ĠEdinburgh": 23475, + "Ġdiminished": 23476, + "Ġacknowledges": 23477, + "ĠKills": 23478, + "Ġmicrow": 23479, + "ĠHera": 23480, + "Ġseniors": 23481, + "Ġwhereby": 23482, + "Hop": 23483, + "atron": 23484, + "Ġunavailable": 23485, + "ĠNate": 23486, + "Ġ480": 23487, + "Ġslated": 23488, + "ĠRebecca": 23489, + "ĠBattery": 23490, + "Ġgrammar": 23491, + "Ġheadset": 23492, + "Ġcursor": 23493, + "Ġexcluding": 23494, + "anye": 23495, + "aundering": 23496, + "ebin": 23497, + "Ġfeasible": 23498, + "ĠPublishing": 23499, + "ĠLabs": 23500, + "ĠCliff": 23501, + "ĠFerrari": 23502, + "Ġpac": 23503, + "visible": 23504, + "marked": 23505, + "pell": 23506, + "Ġpolite": 23507, + "Ġstaggering": 23508, + "ĠGalactic": 23509, + "Ġsuperst": 23510, + "Ġparan": 23511, + "ĠOfficers": 23512, + "ãĢģ": 23513, + "Ġspecifics": 23514, + "ulus": 23515, + "239": 23516, + "ĠPaste": 23517, + "AMP": 23518, + "ĠPanama": 23519, + "ĠDelete": 23520, + "anguard": 23521, + "restrial": 23522, + "Ġheroic": 23523, + "ĠDy": 23524, + "اÙĦ": 23525, + "Ġincumbent": 23526, + "Ġcrunch": 23527, + "tro": 23528, + "Ġscoop": 23529, + "Ġblogger": 23530, + "Ġsellers": 23531, + "uren": 23532, + "Ġmedicines": 23533, + "ĠCaps": 23534, + "ĠAnimation": 23535, + "oxy": 23536, + "Ġoutward": 23537, + "Ġinquiries": 23538, + "229": 23539, + "Ġpsychologist": 23540, + "ĠSask": 23541, + "evil": 23542, + "Ġcontaminated": 23543, + "ãĤ¨": 23544, + "herence": 23545, + "Ġbranded": 23546, + "ĠAbdul": 23547, + "zh": 23548, + "Ġparagraphs": 23549, + "Ġmins": 23550, + "Ġcorrelated": 23551, + "erb": 23552, + "Ġimpart": 23553, + "Ġmilestone": 23554, + "ĠSolutions": 23555, + "otle": 23556, + "Ġundercover": 23557, + "Ġmarched": 23558, + "ĠChargers": 23559, + "fax": 23560, + "ĠSecrets": 23561, + "Ġruth": 23562, + "weather": 23563, + "Ġfeminine": 23564, + "Ġsham": 23565, + "Ġprestigious": 23566, + "iggins": 23567, + "Ġsung": 23568, + "history": 23569, + "ettle": 23570, + "ggie": 23571, + "Ġoutdated": 23572, + "oland": 23573, + "Ġperceptions": 23574, + "ĠSession": 23575, + "ĠDodgers": 23576, + "uj": 23577, + "ĠEND": 23578, + "Doc": 23579, + "Ġdeficiency": 23580, + "Grand": 23581, + "ĠJoker": 23582, + "Ġretrospect": 23583, + "Ġdiagnostic": 23584, + "Ġharmless": 23585, + "Ġrogue": 23586, + "ĠAval": 23587, + "Equ": 23588, + "Ġtransc": 23589, + "ĠRobertson": 23590, + "ĠDepending": 23591, + "ĠBurns": 23592, + "ivo": 23593, + "Ġhostility": 23594, + "Features": 23595, + "ĵĺ": 23596, + "Ġdiscomfort": 23597, + "ĠLCD": 23598, + "specified": 23599, + "ĠExpect": 23600, + "340": 23601, + "Ġimperative": 23602, + "ĠRegular": 23603, + "Chinese": 23604, + "Ġstatewide": 23605, + "Ġsymm": 23606, + "Ġloops": 23607, + "Ġautumn": 23608, + "Nick": 23609, + "Ġshaping": 23610, + "Ġquot": 23611, + "Ġcherry": 23612, + "ĠCrossref": 23613, + "è¦ļéĨĴ": 23614, + "Standard": 23615, + "heed": 23616, + "ĠDell": 23617, + "ĠVietnamese": 23618, + "Ġost": 23619, + "ĠValkyrie": 23620, + "OA": 23621, + "Assad": 23622, + "Ġrebound": 23623, + "ĠTraffic": 23624, + "places": 23625, + "æĺ": 23626, + "ĠBuc": 23627, + "172": 23628, + "Ġshelters": 23629, + "Ġinsisting": 23630, + "ĠCertainly": 23631, + "ĠKenneth": 23632, + "ĠTCP": 23633, + "Ġpenal": 23634, + "ĠReplay": 23635, + "heard": 23636, + "Ġdialect": 23637, + "iza": 23638, + "ĠFY": 23639, + "itcher": 23640, + "ĠDL": 23641, + "Ġspiral": 23642, + "Ġquarterbacks": 23643, + "Ġhull": 23644, + "Ġgoogle": 23645, + "Ġtodd": 23646, + "ĠSterling": 23647, + "ĠPlate": 23648, + "Ġspying": 23649, + "mbol": 23650, + "ĠRealm": 23651, + "ĠProced": 23652, + "ĠCrash": 23653, + "Ġterminate": 23654, + "Ġprotesting": 23655, + "Center": 23656, + "guided": 23657, + "Ġuncover": 23658, + "Ġboycott": 23659, + "Ġrealizes": 23660, + "sound": 23661, + "Ġpretending": 23662, + "ĠVas": 23663, + "1980": 23664, + "Ġframed": 23665, + "Ġ139": 23666, + "Ġdescended": 23667, + "Ġrehabilitation": 23668, + "Ġborrowing": 23669, + "ĠBuch": 23670, + "Ġblur": 23671, + "Ron": 23672, + "ĠFrozen": 23673, + "enza": 23674, + "Chief": 23675, + "ĠPoor": 23676, + "Ġtranslates": 23677, + "MIN": 23678, + "Ġ212": 23679, + "JECT": 23680, + "Ġerupted": 23681, + "Ġsuccesses": 23682, + "SEC": 23683, + "Ġplague": 23684, + "Ġgems": 23685, + "doms": 23686, + "Ġstretches": 23687, + "ĠSpy": 23688, + "Ġstorytelling": 23689, + "Credit": 23690, + "ĠPush": 23691, + "Ġtraction": 23692, + "Ġineffective": 23693, + "ĠLuna": 23694, + "Ġtapes": 23695, + "Ġanalytics": 23696, + "ercise": 23697, + "Ġprogrammes": 23698, + "ĠCarbon": 23699, + "Ġbehold": 23700, + "heavy": 23701, + "ĠConservation": 23702, + "ĠFIR": 23703, + "Ġsack": 23704, + "termin": 23705, + "ricks": 23706, + "Ġhoused": 23707, + "Ġunusually": 23708, + "Ice": 23709, + "Ġexecuting": 23710, + "ĠMoroc": 23711, + "eday": 23712, + "Ġeditions": 23713, + "Ġsmarter": 23714, + "ĠBA": 23715, + "Ġoutlaw": 23716, + "Ġvanished": 23717, + "iba": 23718, + "ALSE": 23719, + "ĠSilva": 23720, + "238": 23721, + "Could": 23722, + "Ġphilosopher": 23723, + "Ġevacuated": 23724, + "Secret": 23725, + "142": 23726, + "Ġvisas": 23727, + "ãĤ¬": 23728, + "ĠMalt": 23729, + "ĠClearly": 23730, + "ĠNiger": 23731, + "ĠCairo": 23732, + "ĠFist": 23733, + "380": 23734, + "ĠXML": 23735, + "auto": 23736, + "itant": 23737, + "Ġreinforced": 23738, + "Record": 23739, + "ĠSurvivor": 23740, + "GHz": 23741, + "Ġscrews": 23742, + "parents": 23743, + "Ġoceans": 23744, + "mares": 23745, + "Ġbrakes": 23746, + "vasive": 23747, + "Ġhello": 23748, + "ĠSIM": 23749, + "rimp": 23750, + "Ġore": 23751, + "ĠArmour": 23752, + "247": 23753, + "Ġterrific": 23754, + "Ġtones": 23755, + "141": 23756, + "ĠMinutes": 23757, + "Episode": 23758, + "Ġcurves": 23759, + "Ġinflammatory": 23760, + "Ġbatting": 23761, + "ĠBeautiful": 23762, + "Lay": 23763, + "Ġunpop": 23764, + "vable": 23765, + "Ġriots": 23766, + "ĠTactics": 23767, + "baugh": 23768, + "ĠCock": 23769, + "Ġorgasm": 23770, + "ĠSas": 23771, + "Ġconstructor": 23772, + "etz": 23773, + "Gov": 23774, + "Ġantagon": 23775, + "Ġtheat": 23776, + "Ġdeeds": 23777, + "hao": 23778, + "cuts": 23779, + "ĠMcCl": 23780, + "Ġum": 23781, + "ĠScientists": 23782, + "Ġgrassroots": 23783, + "yssey": 23784, + "\"]=>": 23785, + "Ġsurfaced": 23786, + "Ġshades": 23787, + "Ġneighbours": 23788, + "Ġadvertis": 23789, + "oya": 23790, + "Ġmerged": 23791, + "Upon": 23792, + "Ġgad": 23793, + "Ġanticipate": 23794, + "Anyway": 23795, + "Ġslogan": 23796, + "Ġdisrespect": 23797, + "Iran": 23798, + "ĠTB": 23799, + "acted": 23800, + "Ġsubpoen": 23801, + "mediately": 23802, + "OOOO": 23803, + "Ġwaiver": 23804, + "Ġvulnerabilities": 23805, + "ottesville": 23806, + "ĠHuffington": 23807, + "Josh": 23808, + "ĠDH": 23809, + "Monday": 23810, + "ĠEllen": 23811, + "Know": 23812, + "xon": 23813, + "items": 23814, + "228": 23815, + "Ġfills": 23816, + "ĠNike": 23817, + "Ġcumulative": 23818, + "andals": 23819, + "Ir": 23820, + "Ġì": 23821, + "Ġfriction": 23822, + "igator": 23823, + "Ġscans": 23824, + "ĠVienna": 23825, + "ldom": 23826, + "Ġperformers": 23827, + "Prim": 23828, + "Ġbidding": 23829, + "Mur": 23830, + "Ġleaned": 23831, + "ĠPrix": 23832, + "alks": 23833, + "Ġ[â̦]": 23834, + "ĠTwitch": 23835, + "ĠDeveloper": 23836, + "ĠGir": 23837, + "Ġcallback": 23838, + "Abstract": 23839, + "Ġaccustomed": 23840, + "Ġfreedoms": 23841, + "ĠPG": 23842, + "uracy": 23843, + "Ġlump": 23844, + "isman": 23845, + ",,,,": 23846, + "1992": 23847, + "ĠRED": 23848, + "Ġworm": 23849, + "Match": 23850, + "ĠPlatinum": 23851, + "IJ": 23852, + "ĠOwner": 23853, + "Trivia": 23854, + "compl": 23855, + "Ġnewborn": 23856, + "Ġfantas": 23857, + "Own": 23858, + "Ġ1959": 23859, + "Ġsympath": 23860, + "Ġubiqu": 23861, + "Ġoutputs": 23862, + "Ġallev": 23863, + "Ġprag": 23864, + "Kevin": 23865, + "Ġfavors": 23866, + "Ġburial": 23867, + "Ġnurt": 23868, + "solete": 23869, + "cache": 23870, + "Ġ156": 23871, + "Ġunlocks": 23872, + "techn": 23873, + "Making": 23874, + "Ġconquer": 23875, + "adic": 23876, + "æĸ": 23877, + "Ġelf": 23878, + "Ġelectorate": 23879, + "ĠKurds": 23880, + "ĠStack": 23881, + "ĠSamurai": 23882, + "Ġâĺħ": 23883, + "Ġ{}": 23884, + "ĠSaid": 23885, + "ĠFallout": 23886, + "Ġkindness": 23887, + "ĠCustoms": 23888, + "ĠBoulevard": 23889, + "Ġhelicopters": 23890, + "otics": 23891, + "ĠVeget": 23892, + "comment": 23893, + "Ġcriticised": 23894, + "Ġpolished": 23895, + "ĠRemix": 23896, + "ĠCultural": 23897, + "Ġrecons": 23898, + "Ġdoi": 23899, + "atem": 23900, + "Screen": 23901, + "Ġbarred": 23902, + "Comments": 23903, + "ĠGenerally": 23904, + "Ġslap": 23905, + "720": 23906, + "Vari": 23907, + "pine": 23908, + "Ġempt": 23909, + "Ġhats": 23910, + "ĠPlaying": 23911, + "lab": 23912, + "average": 23913, + "forms": 23914, + "ĠCotton": 23915, + "Ġcans": 23916, + "ĠDON": 23917, + "ĠSomalia": 23918, + "Crypt": 23919, + "ĠIncreases": 23920, + "Ever": 23921, + "modern": 23922, + "Ġsurgeon": 23923, + "3000": 23924, + "Ġrandomized": 23925, + "================================================================": 23926, + "Bern": 23927, + "impl": 23928, + "ĠCOR": 23929, + "Ġproclaim": 23930, + "thouse": 23931, + "Ġtoes": 23932, + "Ġample": 23933, + "Ġpreserving": 23934, + "Ġdisbel": 23935, + "grand": 23936, + "Besides": 23937, + "Ġsilk": 23938, + "ĠPattern": 23939, + "hm": 23940, + "Ġenterprises": 23941, + "Ġaffidavit": 23942, + "ĠAdvisory": 23943, + "Ġadvertised": 23944, + "ĠReligious": 23945, + "sections": 23946, + "psych": 23947, + "ĠFields": 23948, + "aways": 23949, + "Ġhashtag": 23950, + "ĠNightmare": 23951, + "Ġvampire": 23952, + "Ġforensic": 23953, + "rossover": 23954, + "nar": 23955, + "Ġnavy": 23956, + "Ġvacant": 23957, + "ĠDuel": 23958, + "Ġhallway": 23959, + "Ġfacebook": 23960, + "identally": 23961, + "ĠNRA": 23962, + "Ġmatt": 23963, + "Ġhurricane": 23964, + "ĠKirby": 23965, + "ĠPuzzle": 23966, + "Ġskirt": 23967, + "oust": 23968, + "dullah": 23969, + "Ġanalogy": 23970, + "inion": 23971, + "Ġtomatoes": 23972, + "ĠNV": 23973, + "ĠPeak": 23974, + "ĠMeyer": 23975, + "Ġappointments": 23976, + "Ġmasc": 23977, + "Ġalley": 23978, + "rehend": 23979, + "Ġcharities": 23980, + "Ġundo": 23981, + "Ġdestinations": 23982, + "ĠTesting": 23983, + "\">\"": 24618, + "cats": 24619, + "*.": 24620, + "Ġgestures": 24621, + "general": 24622, + "League": 24623, + "Ġpackets": 24624, + "ĠInspector": 24625, + "ĠBerg": 24626, + "Ġfraudulent": 24627, + "Ġcriticize": 24628, + "Fun": 24629, + "Ġblaming": 24630, + "ndra": 24631, + "Ġslash": 24632, + "ĠEston": 24633, + "Ġproposing": 24634, + "Ġwhales": 24635, + "Ġtherapist": 24636, + "Ġsubset": 24637, + "Ġleisure": 24638, + "ELD": 24639, + "ĠCVE": 24640, + "ĠActivity": 24641, + "Ġculmin": 24642, + "shop": 24643, + "ĠDAY": 24644, + "ischer": 24645, + "ĠAdmiral": 24646, + "ĠAttacks": 24647, + "Ġ1958": 24648, + "Ġmemoir": 24649, + "Ġfolded": 24650, + "Ġsexist": 24651, + "Ġ153": 24652, + "ĠLI": 24653, + "Ġreadings": 24654, + "Ġembarrassment": 24655, + "ĠEmployment": 24656, + "wart": 24657, + "chin": 24658, + "Ġcontinuation": 24659, + "lia": 24660, + "Recently": 24661, + "Ġduel": 24662, + "Ġevacuation": 24663, + "ĠKashmir": 24664, + "Ġdisposition": 24665, + "ĠRig": 24666, + "Ġbolts": 24667, + "Ġinsurers": 24668, + "467": 24669, + "Mex": 24670, + "Ġretaliation": 24671, + "Ġmisery": 24672, + "Ġunreasonable": 24673, + "raining": 24674, + "Imm": 24675, + "ĠPU": 24676, + "emer": 24677, + "Ġgenital": 24678, + "ãĤ³": 24679, + "ĠCandy": 24680, + "Ġonions": 24681, + "ĠPatt": 24682, + "liner": 24683, + "Ġconceded": 24684, + "Ġfa": 24685, + "Ġforc": 24686, + "ĠHernandez": 24687, + "ĠGeoff": 24688, + "debian": 24689, + "ĠTeams": 24690, + "Ġcries": 24691, + "Ġhomeowners": 24692, + "237": 24693, + "ABC": 24694, + "Ġstitch": 24695, + "Ġstatistic": 24696, + "Ġheaders": 24697, + "ĠBiology": 24698, + "Ġmotors": 24699, + "ĠGEN": 24700, + "ĠLip": 24701, + "Ġhates": 24702, + "Ġheel": 24703, + "Self": 24704, + "ipl": 24705, + "EDIT": 24706, + "orting": 24707, + "Ġannot": 24708, + "ĠSpeech": 24709, + "oldemort": 24710, + "ĠJavascript": 24711, + "ĠLeBron": 24712, + "Ġfootprint": 24713, + "Ġfn": 24714, + "Ġseizures": 24715, + "nas": 24716, + "hide": 24717, + "Ġ1954": 24718, + "ĠBee": 24719, + "ĠDeclaration": 24720, + "ĠKatie": 24721, + "Ġreservations": 24722, + "NR": 24723, + "female": 24724, + "Ġsaturated": 24725, + "Ġbiblical": 24726, + "Ġtrolls": 24727, + "Device": 24728, + "photos": 24729, + "Ġdrums": 24730, + "ãĥīãĥ©ãĤ´ãĥ³": 24731, + "Night": 24732, + "fighter": 24733, + "ĠHak": 24734, + "riber": 24735, + "Ġcush": 24736, + "Ġdisciplinary": 24737, + "baum": 24738, + "ĠGH": 24739, + "ĠSchmidt": 24740, + "ilibrium": 24741, + "Ġsixty": 24742, + "ĠKushner": 24743, + "rots": 24744, + "Ġpund": 24745, + "ĠRac": 24746, + "Ġsprings": 24747, + "Ġconve": 24748, + "Business": 24749, + "Fall": 24750, + "Ġqualifications": 24751, + "Ġverses": 24752, + "Ġnarciss": 24753, + "ĠKoh": 24754, + "ĠWow": 24755, + "ĠCharlottesville": 24756, + "edo": 24757, + "Ġinterrogation": 24758, + "ĠWool": 24759, + "365": 24760, + "Brian": 24761, + "Ġâľĵ": 24762, + "Ġalleges": 24763, + "onds": 24764, + "idation": 24765, + "ĠJackie": 24766, + "yu": 24767, + "Ġlakes": 24768, + "Ġworthwhile": 24769, + "Ġcrystals": 24770, + "ĠJuda": 24771, + "Ġcomprehend": 24772, + "Ġflush": 24773, + "Ġabsorption": 24774, + "ĠOC": 24775, + "Ġfrightened": 24776, + "ĠChocolate": 24777, + "Martin": 24778, + "Ġbuys": 24779, + "Ġbucks": 24780, + "Ġappell": 24781, + "ĠChampionships": 24782, + "Ġlistener": 24783, + "ĠDefensive": 24784, + "Ġcz": 24785, + "uds": 24786, + "ĠMate": 24787, + "Ġreplay": 24788, + "Ġdecorated": 24789, + "Ġsunk": 24790, + "ĠVIP": 24791, + "ĠAnk": 24792, + "Ġ195": 24793, + "aaaa": 24794, + "Nobody": 24795, + "ĠMilk": 24796, + "ĠGur": 24797, + "ĠMk": 24798, + "ĠSara": 24799, + "Ġseating": 24800, + "ĠWid": 24801, + "Track": 24802, + "Ġemploys": 24803, + "Ġgigantic": 24804, + "APP": 24805, + "ãĤ§": 24806, + "inventory": 24807, + "Ġtowel": 24808, + "atche": 24809, + "lasting": 24810, + "ĠTL": 24811, + "Ġlatency": 24812, + "Ġkne": 24813, + "Ber": 24814, + "meaning": 24815, + "Ġupheld": 24816, + "Ġplayground": 24817, + "Ġmant": 24818, + "Side": 24819, + "Ġstereo": 24820, + "Ġnorthwest": 24821, + "Ġexceptionally": 24822, + "Ġrays": 24823, + "Ġrecurring": 24824, + "Drive": 24825, + "Ġupright": 24826, + "Ġabduct": 24827, + "ĠMarathon": 24828, + "Ġgoodbye": 24829, + "Ġalphabet": 24830, + "hp": 24831, + "Ġcourtroom": 24832, + "rington": 24833, + "othing": 24834, + "Tag": 24835, + "Ġdiplomats": 24836, + "Ġbarbar": 24837, + "ĠAqua": 24838, + "183": 24839, + "3333": 24840, + "Ġmaturity": 24841, + "Ġinstability": 24842, + "ĠApache": 24843, + "Ġ===": 24844, + "Ġfasting": 24845, + "ĠGrid": 24846, + "ModLoader": 24847, + "Ġ152": 24848, + "Abs": 24849, + "ĠOperating": 24850, + "etti": 24851, + "Ġacquaint": 24852, + "Donnell": 24853, + "ĠKem": 24854, + "ĠForge": 24855, + "Ġarmored": 24856, + "Mil": 24857, + "Ġphilosophers": 24858, + "invest": 24859, + "Players": 24860, + "âĪ": 24861, + "Ġmyriad": 24862, + "Ġcomrades": 24863, + "Rot": 24864, + "Ġremembering": 24865, + "Ġcorresponds": 24866, + "Ġprogrammers": 24867, + "ĠLynn": 24868, + "Ġolig": 24869, + "Ġcoherent": 24870, + "ynchron": 24871, + "ĠChemical": 24872, + "Ġjugg": 24873, + "pair": 24874, + "posts": 24875, + "Eye": 24876, + "ĠInner": 24877, + "Ġsemester": 24878, + "ottest": 24879, + "ĠEmirates": 24880, + "ricanes": 24881, + "orously": 24882, + "mits": 24883, + "ĠWis": 24884, + "Ġdodge": 24885, + "location": 24886, + "Ġfaded": 24887, + "Amazon": 24888, + "ĠProceed": 24889, + "ĠINFO": 24890, + "journal": 24891, + "ĠTruck": 24892, + "Ten": 24893, + "Ġ217": 24894, + "Ġstatutes": 24895, + "mobile": 24896, + "ĠTypes": 24897, + "Recomm": 24898, + "buster": 24899, + "pex": 24900, + "Ġlegends": 24901, + "Ġheadache": 24902, + "faced": 24903, + "ĠWiFi": 24904, + "ifty": 24905, + "ĠHER": 24906, + "Ġcircuits": 24907, + "ERROR": 24908, + "226": 24909, + "olin": 24910, + "Ġcylinder": 24911, + "ospace": 24912, + "ikers": 24913, + "Prem": 24914, + "Quant": 24915, + "Ġconflicting": 24916, + "Ġslightest": 24917, + "Ġforged": 24918, + "ionage": 24919, + "Stephen": 24920, + "ĠKub": 24921, + "ĠOpportun": 24922, + "ĠHeal": 24923, + "Ġblo": 24924, + "Ġrulers": 24925, + "Ġhuh": 24926, + "Ġsubmarine": 24927, + "fy": 24928, + "asser": 24929, + "Ġallowance": 24930, + "ĠKasich": 24931, + "ĠTas": 24932, + "ĠAustralians": 24933, + "ForgeModLoader": 24934, + "ĠâĨij": 24935, + "ĠMatrix": 24936, + "amins": 24937, + "Ġ1200": 24938, + "ĠAcqu": 24939, + "236": 24940, + "Document": 24941, + "ĠBreaking": 24942, + "193": 24943, + "ĠSubst": 24944, + "ĠRoller": 24945, + "ĠProperties": 24946, + "ĠNI": 24947, + "tier": 24948, + "Ġcrushing": 24949, + "Ġadvocating": 24950, + "Furthermore": 24951, + "keepers": 24952, + "Ġsexism": 24953, + "xd": 24954, + "Ġcaller": 24955, + "ĠSense": 24956, + "chieve": 24957, + "ĠTF": 24958, + "Ġfueled": 24959, + "Ġreminiscent": 24960, + "Ġobsess": 24961, + "urst": 24962, + "Ġuphold": 24963, + "ĠFans": 24964, + "hetics": 24965, + "ĠâĹ": 24966, + "ĠBath": 24967, + "Ġbeverage": 24968, + "Ġoscill": 24969, + "254": 24970, + "Ġpoles": 24971, + "Ġgradual": 24972, + "Ġexting": 24973, + "ĠSuff": 24974, + "ĠSuddenly": 24975, + "Ġliking": 24976, + "Ġ1949": 24977, + "unciation": 24978, + "amination": 24979, + "ĠOmar": 24980, + "ĠLV": 24981, + "ĠConsequently": 24982, + "Ġsynthes": 24983, + "ĠGIF": 24984, + "Ġpains": 24985, + "Ġinteracting": 24986, + "uously": 24987, + "incre": 24988, + "Ġrumor": 24989, + "ĠScientology": 24990, + "197": 24991, + "ĠZig": 24992, + "Ġspelling": 24993, + "ĠASS": 24994, + "Ġextingu": 24995, + "mson": 24996, + "Ġgh": 24997, + "Ġremarked": 24998, + "ĠStrategic": 24999, + "ĠMON": 25000, + "å¥": 25001, + "gae": 25002, + "ĠWHAT": 25003, + "Eric": 25004, + "ĠCampus": 25005, + "Ġmethane": 25006, + "Ġimagin": 25007, + "JUST": 25008, + "ĠAlm": 25009, + "XT": 25010, + "iq": 25011, + "ĠRSS": 25012, + "Ġwrongdoing": 25013, + "atta": 25014, + "Ġbigot": 25015, + "Ġdemonstrators": 25016, + "ĠCalvin": 25017, + "ĠVilla": 25018, + "Ġmembrane": 25019, + "ĠAwesome": 25020, + "Ġbenefic": 25021, + "268": 25022, + "Ġmagnificent": 25023, + "ĠLots": 25024, + "Greg": 25025, + "ĠBoris": 25026, + "Ġdetainees": 25027, + "ĠHerman": 25028, + "Ġwhispered": 25029, + "Ġawe": 25030, + "Professor": 25031, + "funding": 25032, + "Ġphysiological": 25033, + "ĠDestruction": 25034, + "Ġlimb": 25035, + "Ġmanipulated": 25036, + "Ġbubbles": 25037, + "Ġpseud": 25038, + "Ġhydra": 25039, + "ĠBristol": 25040, + "Ġstellar": 25041, + "ĠExpansion": 25042, + "ĠKell": 25043, + "ĠInterestingly": 25044, + "Ġmans": 25045, + "Ġdragging": 25046, + "Ġecological": 25047, + "ĠFit": 25048, + "Ġgent": 25049, + "Ġbenefited": 25050, + "ĠHaiti": 25051, + "Ġpolyg": 25052, + "ãĥİ": 25053, + "Ġ2030": 25054, + "Ġprow": 25055, + "Ġreconstruction": 25056, + "Ġwast": 25057, + "Ġpsychic": 25058, + "ĠGreeks": 25059, + "Handler": 25060, + "162": 25061, + "ĠPulse": 25062, + "Ġsolicit": 25063, + "Ġsys": 25064, + "Ġinflux": 25065, + "ĠGentle": 25066, + "percent": 25067, + "Ġproliferation": 25068, + "Ġtaxable": 25069, + "Ġdisregard": 25070, + "Ġescaping": 25071, + "Ġginger": 25072, + "Ġwithstand": 25073, + "Ġdevastated": 25074, + "ĠDew": 25075, + "series": 25076, + "Ġinjected": 25077, + "elaide": 25078, + "Ġturnover": 25079, + "heat": 25080, + "ĻĤ": 25081, + "Happy": 25082, + "ĠSilent": 25083, + "ãĤŃ": 25084, + "ivism": 25085, + "Ġirrational": 25086, + "AMA": 25087, + "Ġreef": 25088, + "rub": 25089, + "Ġ162": 25090, + "Ġbankers": 25091, + "ĠEthics": 25092, + "vv": 25093, + "Ġcriticisms": 25094, + "Kn": 25095, + "186": 25096, + "Movie": 25097, + "ĠTories": 25098, + "Ġnood": 25099, + "Ġdistortion": 25100, + "False": 25101, + "odore": 25102, + "Ġtasty": 25103, + "Research": 25104, + "ĠUID": 25105, + "-)": 25106, + "Ġdivorced": 25107, + "ĠMU": 25108, + "ĠHayes": 25109, + "ĠIsn": 25110, + "iani": 25111, + "ĠHQ": 25112, + "Ġ\"#": 25113, + "ignant": 25114, + "Ġtraumatic": 25115, + "ĠLing": 25116, + "Hun": 25117, + "Ġsabot": 25118, + "online": 25119, + "random": 25120, + "Ġrenamed": 25121, + "rared": 25122, + "KA": 25123, + "dead": 25124, + "ét": 25125, + "ĠAssistance": 25126, + "Ġseaf": 25127, + "++++++++": 25128, + "Ġseldom": 25129, + "ĠWebb": 25130, + "Ġboolean": 25131, + "ulet": 25132, + "Ġrefrain": 25133, + "ĠDIY": 25134, + "rule": 25135, + "Ġshutting": 25136, + "Ġutilizing": 25137, + "loading": 25138, + "ĠParam": 25139, + "coal": 25140, + "ooter": 25141, + "Ġattracting": 25142, + "ĠDol": 25143, + "Ġhers": 25144, + "agnetic": 25145, + "ĠReach": 25146, + "imo": 25147, + "Ġdiscarded": 25148, + "ĠPip": 25149, + "015": 25150, + "ür": 25151, + "Ġmug": 25152, + "Imagine": 25153, + "COL": 25154, + "Ġcursed": 25155, + "ĠShows": 25156, + "ĠCurtis": 25157, + "ĠSachs": 25158, + "speaking": 25159, + "ĠVista": 25160, + "ĠFramework": 25161, + "ongo": 25162, + "Ġsubreddit": 25163, + "Ġcrus": 25164, + "ĠOval": 25165, + "Row": 25166, + "growing": 25167, + "Ġinstallment": 25168, + "Ġglac": 25169, + "ĠAdvance": 25170, + "ECK": 25171, + "ĠLGBTQ": 25172, + "LEY": 25173, + "Ġacet": 25174, + "Ġsuccessive": 25175, + "ĠNicole": 25176, + "Ġ1957": 25177, + "Quote": 25178, + "Ġcircumstance": 25179, + "ackets": 25180, + "Ġ142": 25181, + "ortium": 25182, + "Ġguessed": 25183, + "ĠFrame": 25184, + "Ġperpetrators": 25185, + "ĠAviation": 25186, + "ĠBench": 25187, + "Ġhandc": 25188, + "Ap": 25189, + "Ġ1956": 25190, + "259": 25191, + "rand": 25192, + "NetMessage": 25193, + "din": 25194, + "urtles": 25195, + "hig": 25196, + "ĠVIII": 25197, + "ffiti": 25198, + "ĠSwords": 25199, + "bial": 25200, + "Ġkidnapping": 25201, + "device": 25202, + "Ġbarn": 25203, + "ĠEli": 25204, + "aucas": 25205, + "Send": 25206, + "Constructed": 25207, + "Ġ½": 25208, + "Ġneedles": 25209, + "Ġadvertisements": 25210, + "Ġvou": 25211, + "Ġexhibited": 25212, + "ĠFortress": 25213, + "Ask": 25214, + "Berry": 25215, + "TYPE": 25216, + "Ġcancers": 25217, + "umping": 25218, + "ĠTerritory": 25219, + "Ġprud": 25220, + "Ġnas": 25221, + "Ġatheist": 25222, + "Ġbalances": 25223, + "ãģŁ": 25224, + "ĠShawn": 25225, + "&&": 25226, + "Ġlandsc": 25227, + "ĠRGB": 25228, + "Ġpetty": 25229, + "Ġexcellence": 25230, + "Ġtranslations": 25231, + "Ġparcel": 25232, + "ĠChev": 25233, + "East": 25234, + "ĠOutput": 25235, + "imi": 25236, + "Ġambient": 25237, + "ĠThreat": 25238, + "Ġvillains": 25239, + "Ġ550": 25240, + "ICA": 25241, + "Ġtaller": 25242, + "Ġleaking": 25243, + "cup": 25244, + "Ġpolish": 25245, + "Ġinfectious": 25246, + "ĠKC": 25247, + "Ġ@@": 25248, + "background": 25249, + "Ġbureaucracy": 25250, + "ĠSai": 25251, + "unless": 25252, + "itious": 25253, + "ĠSkype": 25254, + "Atl": 25255, + "IDENT": 25256, + "008": 25257, + "Ġhypocr": 25258, + "Ġpitchers": 25259, + "Ġguessing": 25260, + "ĠFINAL": 25261, + "Between": 25262, + "Ġvillagers": 25263, + "Ġ252": 25264, + "fashion": 25265, + "ĠTunis": 25266, + "Beh": 25267, + "ĠExc": 25268, + "ĠMID": 25269, + "288": 25270, + "ĠHaskell": 25271, + "196": 25272, + "ĠNOR": 25273, + "Ġspecs": 25274, + "Ġinvari": 25275, + "Ġglut": 25276, + "ĠCars": 25277, + "Ġimpulse": 25278, + "Ġhonors": 25279, + "gel": 25280, + "Ġjurisdictions": 25281, + "ĠBundle": 25282, + "ulas": 25283, + "California": 25284, + "ĠIncrease": 25285, + "Ġpear": 25286, + "Ġsingles": 25287, + "Ġcues": 25288, + "Ġunderwent": 25289, + "ĠWS": 25290, + "Ġexaggerated": 25291, + "Ġdubious": 25292, + "Ġflashing": 25293, + "LOG": 25294, + ")].": 25295, + "Journal": 25296, + "tg": 25297, + "Van": 25298, + "ĠIstanbul": 25299, + "ĠInsp": 25300, + "ĠFranken": 25301, + "Draw": 25302, + "Ġsadness": 25303, + "Ġironic": 25304, + "ĠFry": 25305, + "xc": 25306, + "Ġ164": 25307, + "isch": 25308, + "Way": 25309, + "ĠProtestant": 25310, + "horn": 25311, + "Ġunaff": 25312, + "ĠViv": 25313, + "illas": 25314, + "ĠProductions": 25315, + "ĠHogan": 25316, + "Ġperimeter": 25317, + "ĠSisters": 25318, + "Ġspontaneous": 25319, + "Ġdownside": 25320, + "Ġdescendants": 25321, + "Ġorn": 25322, + "worm": 25323, + "Japanese": 25324, + "Ġ1955": 25325, + "Ġ151": 25326, + "ĠDoing": 25327, + "elsen": 25328, + "umbles": 25329, + "Ġradically": 25330, + "ĠDrum": 25331, + "ĠBach": 25332, + "Ġliabilities": 25333, + "ĠOB": 25334, + "ĠElementary": 25335, + "Ġmeme": 25336, + "ynes": 25337, + "Ġfingerprint": 25338, + "ĠGrab": 25339, + "Ġundertake": 25340, + "Members": 25341, + "ĠReader": 25342, + "ĠSims": 25343, + "god": 25344, + "Ġhypothetical": 25345, + "scient": 25346, + "ĠAJ": 25347, + "Ġcharism": 25348, + "Ġadmissions": 25349, + "ĠMissile": 25350, + "trade": 25351, + "Ġexercising": 25352, + "ĠBackground": 25353, + "Written": 25354, + "Ġvocals": 25355, + "whether": 25356, + "Ġvi": 25357, + "ĠWinner": 25358, + "Ġlitter": 25359, + "ĠShooting": 25360, + "STEM": 25361, + "ãĤ¡": 25362, + "ĠAFL": 25363, + "Ġvariability": 25364, + "Ġeats": 25365, + "ĠDPS": 25366, + "brow": 25367, + "Ġelephants": 25368, + "Ġstrat": 25369, + "ĠÅ": 25370, + "Ġsettlers": 25371, + "Matthew": 25372, + "Ġinadvert": 25373, + "HI": 25374, + "ĠIMF": 25375, + "ĠGoal": 25376, + "Ġnerves": 25377, + "Johnson": 25378, + "eye": 25379, + "ablishment": 25380, + "Thursday": 25381, + "BILITY": 25382, + "Had": 25383, + "amoto": 25384, + "hetamine": 25385, + "eps": 25386, + "Ġmitochond": 25387, + "Ġcompressed": 25388, + "ĠTrevor": 25389, + "ĠAnimals": 25390, + "Tool": 25391, + "Lock": 25392, + "Ġtweak": 25393, + "Ġpinch": 25394, + "Ġcancellation": 25395, + "Pot": 25396, + "Ġfocal": 25397, + "ĠAstron": 25398, + "173": 25399, + "ĠASC": 25400, + "ĠOTHER": 25401, + "umni": 25402, + "Ġdemise": 25403, + "dl": 25404, + "Ùħ": 25405, + "Semitism": 25406, + "Ġcracking": 25407, + "Ġcollaborative": 25408, + "Ġexplores": 25409, + "sql": 25410, + "Ġherbs": 25411, + "Ġconfigurations": 25412, + "mis": 25413, + "ĠResult": 25414, + "acey": 25415, + "ĠSmoke": 25416, + "Ġsanct": 25417, + "elia": 25418, + "Ġdegener": 25419, + "Ġdeepest": 25420, + "Ġscreamed": 25421, + "Ġnap": 25422, + "Software": 25423, + "ĠSTAR": 25424, + "EF": 25425, + "ĠXin": 25426, + "sponsored": 25427, + "manship": 25428, + "233": 25429, + "Ġprimaries": 25430, + "Ġfiltering": 25431, + "Ġassemble": 25432, + "mil": 25433, + "ĠMyers": 25434, + "bows": 25435, + "Ġpunched": 25436, + "Mic": 25437, + "Ġinnovations": 25438, + "Ġfunc": 25439, + "ando": 25440, + "Ġfracking": 25441, + "ĠVul": 25442, + "оÐ": 25443, + "oshop": 25444, + "ĠImmun": 25445, + "Ġsettling": 25446, + "Ġadolescents": 25447, + "Ġrebuilding": 25448, + "Ġtransforming": 25449, + "Ġparole": 25450, + "Ġharbor": 25451, + "Ġbooking": 25452, + "otional": 25453, + "ongevity": 25454, + "ĠYo": 25455, + "bug": 25456, + "Ġemerges": 25457, + "ĠMethods": 25458, + "ĠChu": 25459, + "Pres": 25460, + "ĠDungeons": 25461, + "Ġtrailing": 25462, + "ĠRum": 25463, + "ĠHugh": 25464, + "天": 25465, + "ĠEra": 25466, + "ĠBattles": 25467, + "Results": 25468, + "ĠTrading": 25469, + "Ġversa": 25470, + "css": 25471, + "axies": 25472, + "heet": 25473, + "Ġgreed": 25474, + "1989": 25475, + "Ġgardens": 25476, + "Ġcontingent": 25477, + "Park": 25478, + "ĠLeafs": 25479, + "hook": 25480, + "robe": 25481, + "Ġdiplomacy": 25482, + "ĠFuel": 25483, + "ĠInvasion": 25484, + "Ġupgrading": 25485, + "Male": 25486, + "Ġelic": 25487, + "Ġrelentless": 25488, + "ĠCovenant": 25489, + "apesh": 25490, + "ĠTrop": 25491, + "Ty": 25492, + "production": 25493, + "arty": 25494, + "Ġpunches": 25495, + "ako": 25496, + "cyclopedia": 25497, + "ĠRabbit": 25498, + "ĠHDMI": 25499, + "Ġ141": 25500, + "Ġfoil": 25501, + "ItemImage": 25502, + "ĠFG": 25503, + "Ġimplementations": 25504, + "ĠPom": 25505, + "ixtures": 25506, + "Ġawait": 25507, + "Ġ330": 25508, + "amus": 25509, + "Ġumbrella": 25510, + "Ġforesee": 25511, + "separ": 25512, + "Ġcircumcision": 25513, + "Ġperipheral": 25514, + "Say": 25515, + "ĠExpert": 25516, + "Inc": 25517, + "Ġwithdrew": 25518, + "ĠAnders": 25519, + "fried": 25520, + "Ġradioactive": 25521, + "ĠOpening": 25522, + "Ġboarding": 25523, + "ĠND": 25524, + "Ġoverthrow": 25525, + "Activ": 25526, + "WP": 25527, + "ĠActs": 25528, + "×Ļ": 25529, + "Ġmotions": 25530, + "vic": 25531, + "ĠMighty": 25532, + "ĠDefender": 25533, + "aer": 25534, + "Ġthankful": 25535, + "ĠKilling": 25536, + "ĠBris": 25537, + "moil": 25538, + "Ġpredicting": 25539, + "266": 25540, + "choice": 25541, + "Ġkillers": 25542, + "Ġincub": 25543, + "ĠChest": 25544, + "athering": 25545, + "Ġproclaimed": 25546, + "flower": 25547, + "ossom": 25548, + "umbledore": 25549, + "ĠCycling": 25550, + "ĠOccupy": 25551, + "AGES": 25552, + "Pen": 25553, + "ĠYug": 25554, + "Ġpackaged": 25555, + "Ġheightened": 25556, + "cot": 25557, + "stack": 25558, + "Cond": 25559, + "Ġstamps": 25560, + "mage": 25561, + "Ġpersuaded": 25562, + "Ġensl": 25563, + "ĠCardinal": 25564, + "Ġsolitary": 25565, + "Ġpossessing": 25566, + "ĠCork": 25567, + "Ġevid": 25568, + "ĠTay": 25569, + "Ġblues": 25570, + "Ġextremism": 25571, + "Ġlunar": 25572, + "Ġclown": 25573, + "Techn": 25574, + "Ġfestivals": 25575, + "ĠPvP": 25576, + "ĠLar": 25577, + "Ġconsequently": 25578, + "present": 25579, + "Ġsomeday": 25580, + "çİĭ": 25581, + "ĠMeteor": 25582, + "Ġtouring": 25583, + "culture": 25584, + "Ġbeaches": 25585, + "Ship": 25586, + "cause": 25587, + "ĠFlood": 25588, + "ãĥ¯": 25589, + "Ġpurity": 25590, + "those": 25591, + "Ġemission": 25592, + "bolt": 25593, + "Ġchord": 25594, + "ĠScripture": 25595, + "Lu": 25596, + "Ġ${": 25597, + "created": 25598, + "Others": 25599, + "258": 25600, + "Ġelemental": 25601, + "Ġannoyed": 25602, + "ĠAE": 25603, + "dan": 25604, + "ĠSag": 25605, + "Researchers": 25606, + "Ġfairy": 25607, + "âĢĵâĢĵ": 25608, + "============": 25609, + "Smart": 25610, + "GGGG": 25611, + "Ġskeletons": 25612, + "Ġpupils": 25613, + "linked": 25614, + "Ġurgency": 25615, + "enabled": 25616, + "ĠFuck": 25617, + "Ġcouncill": 25618, + "rab": 25619, + "UAL": 25620, + "TI": 25621, + "Ġlifes": 25622, + "Ġconfessed": 25623, + "Bug": 25624, + "Ġharmon": 25625, + "ĠCONFIG": 25626, + "ĠNeutral": 25627, + "Double": 25628, + "Ġstaple": 25629, + "ĠSHA": 25630, + "British": 25631, + "ĠSNP": 25632, + "ATOR": 25633, + "oco": 25634, + "Ġswinging": 25635, + "gex": 25636, + "oleon": 25637, + "plain": 25638, + "ĠMissing": 25639, + "ĠTrophy": 25640, + "vari": 25641, + "ranch": 25642, + "Ġ301": 25643, + "440": 25644, + "0000000000000000": 25645, + "Ġrestoring": 25646, + "Ġhaul": 25647, + "ucing": 25648, + "nerg": 25649, + "Ġfutures": 25650, + "Ġstrategist": 25651, + "question": 25652, + "Ġlateral": 25653, + "ĠBard": 25654, + "Ġsor": 25655, + "ĠRhodes": 25656, + "ĠDowntown": 25657, + "?????-": 25658, + "ĠLit": 25659, + "ĠBened": 25660, + "Ġcoil": 25661, + "street": 25662, + "ĠPortal": 25663, + "FILE": 25664, + "ĠGru": 25665, + "*,": 25666, + "231": 25667, + "neum": 25668, + "Ġsucked": 25669, + "Ġrapper": 25670, + "Ġtendencies": 25671, + "ĠLauren": 25672, + "cellaneous": 25673, + "267": 25674, + "Ġbrowse": 25675, + "Ġoverc": 25676, + "header": 25677, + "oise": 25678, + "Ġbeet": 25679, + "ĠGle": 25680, + "Stay": 25681, + "Ġmum": 25682, + "Ġtyped": 25683, + "Ġdiscounts": 25684, + "Talk": 25685, + "ĠOg": 25686, + "existing": 25687, + "ĠSell": 25688, + "uph": 25689, + "CI": 25690, + "ĠAustrian": 25691, + "ĠWarm": 25692, + "Ġdismissal": 25693, + "Ġaverages": 25694, + "camera": 25695, + "Ġallegiance": 25696, + "LAN": 25697, + "=\"#": 25698, + "Ġcommentators": 25699, + "ĠSetting": 25700, + "ĠMidwest": 25701, + "Ġpharmac": 25702, + "ĠEXP": 25703, + "Ġstainless": 25704, + "Chicago": 25705, + "Ġtan": 25706, + "244": 25707, + "Ġcountryside": 25708, + "ĠVac": 25709, + "295": 25710, + "Ġpinned": 25711, + "Ġcrises": 25712, + "Ġstandardized": 25713, + "Task": 25714, + "ĠJail": 25715, + "ĠDocker": 25716, + "colored": 25717, + "forth": 25718, + "\"},": 25719, + "Ġpatrons": 25720, + "Ġspice": 25721, + "Ġmourn": 25722, + "ĠMood": 25723, + "Ġlaundry": 25724, + "Ġequip": 25725, + "ĠMole": 25726, + "yll": 25727, + "ĠTHC": 25728, + "nation": 25729, + "ĠSherlock": 25730, + "Ġissu": 25731, + "ĠKre": 25732, + "ĠAmericas": 25733, + "ĠAAA": 25734, + "Ġsystematically": 25735, + "Ġcontra": 25736, + "ĠSally": 25737, + "Ġrationale": 25738, + "Ġcarriage": 25739, + "Ġpeaks": 25740, + "Ġcontradiction": 25741, + "ensation": 25742, + "ĠFailure": 25743, + "Ġprops": 25744, + "Ġnamespace": 25745, + "Ġcove": 25746, + "fields": 25747, + "ãĤĭ": 25748, + "Ġwool": 25749, + "ĠCatch": 25750, + "Ġpresumed": 25751, + "ĠDiana": 25752, + "ragon": 25753, + "igi": 25754, + "Ġhamm": 25755, + "Ġstunt": 25756, + "ĠGUI": 25757, + "ĠObservatory": 25758, + "ĠShore": 25759, + "Ġsmells": 25760, + "annah": 25761, + "Ġcockpit": 25762, + "ĠDuterte": 25763, + "850": 25764, + "Ġoppressed": 25765, + "breaker": 25766, + "ĠContribut": 25767, + "ĠPeru": 25768, + "ĠMonsanto": 25769, + "ĠAttempt": 25770, + "Ġcommanding": 25771, + "Ġfridge": 25772, + "ĠRin": 25773, + "ĠChess": 25774, + "uality": 25775, + "Ġol": 25776, + "Republican": 25777, + "ĠGlory": 25778, + "ĠWIN": 25779, + ".......": 25780, + "agent": 25781, + "reading": 25782, + "Ġinh": 25783, + "Jones": 25784, + "Ġclicks": 25785, + "alan": 25786, + "Ġ[];": 25787, + "ĠMajesty": 25788, + "ĠCed": 25789, + "opus": 25790, + "atel": 25791, + "ê": 25792, + "ARC": 25793, + "ĠEcuador": 25794, + "ãĥł": 25795, + "ĠKuro": 25796, + "Ġrituals": 25797, + "Ġcaptive": 25798, + "Ġounce": 25799, + "Ġdisagreement": 25800, + "Ġslog": 25801, + "fuel": 25802, + "Pet": 25803, + "Mail": 25804, + "Ġexercised": 25805, + "Ġsolic": 25806, + "Ġrainfall": 25807, + "Ġdevotion": 25808, + "ĠAssessment": 25809, + "Ġrobotic": 25810, + "options": 25811, + "ĠRP": 25812, + "ĠFamilies": 25813, + "ĠFlames": 25814, + "Ġassignments": 25815, + "007": 25816, + "akedown": 25817, + "Ġvocabulary": 25818, + "Reilly": 25819, + "Ġcaval": 25820, + "gars": 25821, + "Ġsuppressed": 25822, + "ĠSET": 25823, + "ĠJohns": 25824, + "Ġwarp": 25825, + "broken": 25826, + "Ġstatues": 25827, + "Ġadvocated": 25828, + "Ġ275": 25829, + "Ġperil": 25830, + "omorph": 25831, + "ĠFemin": 25832, + "perfect": 25833, + "Ġhatch": 25834, + "Lib": 25835, + "512": 25836, + "Ġlifelong": 25837, + "313": 25838, + "Ġcheeks": 25839, + "Ġnumbered": 25840, + "ĠMug": 25841, + "Body": 25842, + "ravel": 25843, + "Weight": 25844, + "ĠJak": 25845, + "ĠHeath": 25846, + "Ġkissing": 25847, + "ĠJUST": 25848, + "Ġwaving": 25849, + "upload": 25850, + "Ġinsider": 25851, + "ĠProgressive": 25852, + "ĠFilter": 25853, + "tta": 25854, + "ĠBeam": 25855, + "Ġviolently": 25856, + "ipation": 25857, + "Ġskepticism": 25858, + "Ġ1918": 25859, + "ĠAnnie": 25860, + "ĠSI": 25861, + "Ġgenetics": 25862, + "Ġonboard": 25863, + "atl": 25864, + "ĠFriedman": 25865, + "ĠBri": 25866, + "ceptive": 25867, + "Ġpirate": 25868, + "ĠReporter": 25869, + "278": 25870, + "Ġmythology": 25871, + "Ġeclipse": 25872, + "Ġskins": 25873, + "Ġglyph": 25874, + "ingham": 25875, + "Files": 25876, + "Cour": 25877, + "women": 25878, + "Ġregimes": 25879, + "Ġphotographed": 25880, + "Kat": 25881, + "ĠMAX": 25882, + "Officials": 25883, + "Ġunexpectedly": 25884, + "Ġimpressions": 25885, + "Front": 25886, + ";;;;;;;;": 25887, + "Ġsupremacy": 25888, + "Ġsang": 25889, + "Ġaggravated": 25890, + "Ġabruptly": 25891, + "ĠSector": 25892, + "Ġexcuses": 25893, + "Ġcosting": 25894, + "idepress": 25895, + "Stack": 25896, + "ĠRNA": 25897, + "obil": 25898, + "Ġghosts": 25899, + "ldon": 25900, + "atibility": 25901, + "Topics": 25902, + "Ġreimburse": 25903, + "ĠHM": 25904, + "ĠDeg": 25905, + "Ġthief": 25906, + "yet": 25907, + "ogenesis": 25908, + "leaning": 25909, + "ĠKol": 25910, + "ĠBasketball": 25911, + "Ġfi": 25912, + "ĠSeeing": 25913, + "Ġrecycling": 25914, + "Ġ[-": 25915, + "Congress": 25916, + "Ġlectures": 25917, + "Psy": 25918, + "Ġnep": 25919, + "Ġmaid": 25920, + "Ġoriented": 25921, + "AX": 25922, + "Ġrespectful": 25923, + "rene": 25924, + "flush": 25925, + "ĠUnloaded": 25926, + "request": 25927, + "grid": 25928, + "ĠAlternatively": 25929, + "ĠHugo": 25930, + "Ġdecree": 25931, + "ĠBuddhism": 25932, + "andum": 25933, + "Android": 25934, + "ĠCongo": 25935, + "ĠJoyce": 25936, + "Ġacknowledging": 25937, + "hesive": 25938, + "ĠTomorrow": 25939, + "ĠHiro": 25940, + "thren": 25941, + "ĠMaced": 25942, + "Ġhoax": 25943, + "ĠIncreased": 25944, + "ĠPradesh": 25945, + "Wild": 25946, + "______": 25947, + "161": 25948, + "Ġaunt": 25949, + "Ġdistributing": 25950, + "ĠTucker": 25951, + "ĠSSL": 25952, + "ĠWolves": 25953, + "Building": 25954, + "oult": 25955, + "ĠLuo": 25956, + "ĠYas": 25957, + "ĠSpir": 25958, + "ĠShape": 25959, + "ĠCambod": 25960, + "ĠIPv": 25961, + "Ġml": 25962, + "Ġextrad": 25963, + "390": 25964, + "ĠPenny": 25965, + "dream": 25966, + "Ġstationed": 25967, + "optional": 25968, + "eworthy": 25969, + ".": 26700, + "ĠWorkshop": 26701, + "ĠRetail": 26702, + "ĠAvatar": 26703, + "625": 26704, + "Na": 26705, + "ĠVC": 26706, + "ĠSecure": 26707, + "MY": 26708, + "1988": 26709, + "ossip": 26710, + "Ġprostate": 26711, + "Ġunden": 26712, + "Ġgamer": 26713, + "ĠContents": 26714, + "ĠWarhammer": 26715, + "ĠSentinel": 26716, + "310": 26717, + "Ġsegregation": 26718, + "ĠFlex": 26719, + "ĠMAY": 26720, + "Ġdrills": 26721, + "ĠDrugs": 26722, + "Islamic": 26723, + "Ġspur": 26724, + "Ġcafe": 26725, + "Ġimaginary": 26726, + "Ġguiding": 26727, + "Ġswings": 26728, + "ĠTheme": 26729, + "oby": 26730, + "Ġnud": 26731, + "Ġbegging": 26732, + "Ġstrongh": 26733, + "Ġrejecting": 26734, + "Ġpedestrians": 26735, + "ĠProspect": 26736, + "Rare": 26737, + "sle": 26738, + "Ġconcessions": 26739, + "ĠConstitutional": 26740, + "Ġbeams": 26741, + "Ġfibers": 26742, + "poon": 26743, + "Ġinstincts": 26744, + "property": 26745, + "ĠBIG": 26746, + "Sanders": 26747, + "imates": 26748, + "Ġcoating": 26749, + "Ġcorpses": 26750, + "ĠTRUE": 26751, + "checked": 26752, + "Ġ166": 26753, + "Ash": 26754, + "ĠJS": 26755, + "ĠFiction": 26756, + "Ġcommunal": 26757, + "Ġenergetic": 26758, + "oooooooo": 26759, + "Ġnowadays": 26760, + "ILD": 26761, + "ibo": 26762, + "ĠSUV": 26763, + "Ren": 26764, + "Ġdwelling": 26765, + "Silver": 26766, + "Ġtally": 26767, + "ĠMoving": 26768, + "Ġcoward": 26769, + "Ġgenerals": 26770, + "Ġhorns": 26771, + "Ġcirculated": 26772, + "Ġrobbed": 26773, + "ĠUnlimited": 26774, + "Ġharassed": 26775, + "Ġinhibit": 26776, + "Ġcomposer": 26777, + "ĠSpotify": 26778, + "Ġspreads": 26779, + "364": 26780, + "Ġsuicidal": 26781, + "Ġnoises": 26782, + "ĠStur": 26783, + "Ġsaga": 26784, + "ĠKag": 26785, + "iso": 26786, + "Ġtheoretically": 26787, + "Money": 26788, + "Ġsimilarity": 26789, + "Ġsliced": 26790, + "utils": 26791, + "inges": 26792, + "\"-": 26793, + "Ġanth": 26794, + "Ġimped": 26795, + "Module": 26796, + "Throughout": 26797, + "Ġmenus": 26798, + "committee": 26799, + "andi": 26800, + "obj": 26801, + "inav": 26802, + "fired": 26803, + "ĠAbdullah": 26804, + "Ġundead": 26805, + "Ġfonts": 26806, + "Hold": 26807, + "ENG": 26808, + "Ġsustainability": 26809, + "Ġflick": 26810, + "Ġrazor": 26811, + "ĠFest": 26812, + "ĠCharacters": 26813, + "Ġwording": 26814, + "Ġpopulist": 26815, + "Ġcriticizing": 26816, + "Ġmuse": 26817, + "vine": 26818, + "Ġcardboard": 26819, + "Ġkindly": 26820, + "Ġfringe": 26821, + "ĠTheft": 26822, + "icultural": 26823, + "Ġgovernors": 26824, + "Ġ����": 26825, + "Ġ163": 26826, + "Ġtimeout": 26827, + "ĠAuth": 26828, + "Children": 26829, + "AU": 26830, + "Ġredemption": 26831, + "ĠAlger": 26832, + "Ġ1914": 26833, + "Ġwaved": 26834, + "Ġastronauts": 26835, + "ograms": 26836, + "Ġswamp": 26837, + "ĠFinnish": 26838, + "Ġcandle": 26839, + "Ġtonnes": 26840, + "utm": 26841, + "Ġray": 26842, + "Ġspun": 26843, + "Ġfearful": 26844, + "articles": 26845, + "Ġcaus": 26846, + "orically": 26847, + "ĠRequires": 26848, + "ĠGol": 26849, + "Ġpope": 26850, + "Ġinaugural": 26851, + "Ġgle": 26852, + "ADA": 26853, + "ĠISIL": 26854, + "ĠOffensive": 26855, + "Ġwatchdog": 26856, + "Ġbalcon": 26857, + "entity": 26858, + "ĠHoo": 26859, + "Ġgallon": 26860, + "ACC": 26861, + "Ġdoubling": 26862, + "Ġimplication": 26863, + "ĠSight": 26864, + "Ġdoctr": 26865, + "-------": 26866, + "Ġ\\\\": 26867, + "Ġmalt": 26868, + "Roll": 26869, + "Ġâī¥": 26870, + "Ġrecap": 26871, + "adding": 26872, + "uces": 26873, + "ĠBend": 26874, + "figure": 26875, + "Ġturkey": 26876, + "Ġsocietal": 26877, + "ĠTickets": 26878, + "Ġcommercially": 26879, + "Ġspicy": 26880, + "Ġ216": 26881, + "ĠRamp": 26882, + "Ġsuperiority": 26883, + "ï": 26884, + "ĠTracker": 26885, + "Carl": 26886, + "ĠCoy": 26887, + "ĠPatriot": 26888, + "Ġconsulted": 26889, + "Ġlistings": 26890, + "Ġslew": 26891, + "reenshot": 26892, + "ĠGone": 26893, + "Ġ[...]": 26894, + "309": 26895, + "Ġhottest": 26896, + "ر": 26897, + "Ġrocky": 26898, + "ĠDiaz": 26899, + "Ġmassage": 26900, + "Ġparaly": 26901, + "Ġpony": 26902, + "Az": 26903, + "Ġcartridge": 26904, + "ĠNZ": 26905, + "Ġsnack": 26906, + "ĠLamar": 26907, + "plement": 26908, + "ĠLeslie": 26909, + "Ġmater": 26910, + "Ġsnipp": 26911, + "246": 26912, + "Ġjointly": 26913, + "ĠBrisbane": 26914, + "ĠiPod": 26915, + "Ġpumping": 26916, + "Ġgoat": 26917, + "ĠSharon": 26918, + "ealing": 26919, + "Ġcoron": 26920, + "Ġanomal": 26921, + "rahim": 26922, + "ĠConnection": 26923, + "Ġsculpture": 26924, + "Ġscheduling": 26925, + "ĠDaddy": 26926, + "athing": 26927, + "Ġeyebrows": 26928, + "Ġcurved": 26929, + "Ġsentiments": 26930, + "Ġdrafting": 26931, + "Drop": 26932, + "([": 26933, + "Ġnominal": 26934, + "ĠLeadership": 26935, + "ĠGrow": 26936, + "Ġ176": 26937, + "Ġconstructive": 26938, + "ivation": 26939, + "Ġcorrupted": 26940, + "gerald": 26941, + "ĠCros": 26942, + "ĠChester": 26943, + "ĠLap": 26944, + "ãģª": 26945, + "OTH": 26946, + "DATA": 26947, + "Ġalmond": 26948, + "probably": 26949, + "Imp": 26950, + "Ġfeast": 26951, + "ĠWarcraft": 26952, + "Flor": 26953, + "Ġcheckpoint": 26954, + "Ġtranscription": 26955, + "Ġ204": 26956, + "Ġtweaks": 26957, + "Ġrelieve": 26958, + "Science": 26959, + "Ġperformer": 26960, + "Zone": 26961, + "Ġturmoil": 26962, + "igated": 26963, + "hibit": 26964, + "ĠCafe": 26965, + "themed": 26966, + "Ġfluor": 26967, + "bench": 26968, + "Ġdecom": 26969, + "ĠUnt": 26970, + "ĠBarrett": 26971, + "ĠFacts": 26972, + "Ġtasting": 26973, + "ĠPTSD": 26974, + "ĠSeal": 26975, + "ĠJudaism": 26976, + "ĠDynamic": 26977, + "ĠCors": 26978, + "Ve": 26979, + "ĠMing": 26980, + "ĠTransform": 26981, + "von": 26982, + "ĠDefenders": 26983, + "ĠTactical": 26984, + "ĠVon": 26985, + "ĠUnivers": 26986, + "Ġdistorted": 26987, + "ĠBreath": 26988, + "?'\"": 26989, + "Ġagon": 26990, + "ĠDeadly": 26991, + "Ġlan": 26992, + "ĠCycle": 26993, + "orned": 26994, + "Ġreliably": 26995, + "Ġglor": 26996, + "ĠMonkey": 26997, + "ãĥ¡": 26998, + "Ġadren": 26999, + "Ġmicrowave": 27000, + "ĠAlban": 27001, + "ircraft": 27002, + "digit": 27003, + "smart": 27004, + "ĠDread": 27005, + "¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯": 27006, + "{{": 27007, + "ĠRochester": 27008, + "Ġsimplified": 27009, + "Ġinflicted": 27010, + "Ġtakeover": 27011, + "Ġyourselves": 27012, + "aditional": 27013, + "Ġmuscular": 27014, + "KS": 27015, + "Ġingen": 27016, + "Tax": 27017, + "ĠFeature": 27018, + "277": 27019, + "Ġcruc": 27020, + "Ġcrate": 27021, + "Ġunidentified": 27022, + "Ġacclaimed": 27023, + "ĠManga": 27024, + "ĠFrances": 27025, + "ĠNepal": 27026, + "ĠGerald": 27027, + "ĠKuwait": 27028, + "Ġslain": 27029, + "ĠHeb": 27030, + "ĠGoku": 27031, + "ã쮿": 27032, + "286": 27033, + "Mrs": 27034, + "ĠCody": 27035, + "ĠSanctuary": 27036, + "016": 27037, + "Ġdismant": 27038, + "Ġdataset": 27039, + "ĠHond": 27040, + "buck": 27041, + "ĠPatterson": 27042, + "Ġpalette": 27043, + "ĠGD": 27044, + "icol": 27045, + "ĠLodge": 27046, + "Ġplanetary": 27047, + "akin": 27048, + "ĠRegistered": 27049, + "abwe": 27050, + "ĠPetersburg": 27051, + "Ġhailed": 27052, + "ĠPiece": 27053, + "Sche": 27054, + "ĠDOJ": 27055, + "Ġenumer": 27056, + "181": 27057, + "ĠObserver": 27058, + "ĠBold": 27059, + "founded": 27060, + "commerce": 27061, + "Ġexploits": 27062, + "ĠFinding": 27063, + "URN": 27064, + "ĠSne": 27065, + "ĠAcid": 27066, + "ayette": 27067, + "ĠValues": 27068, + "Ġdrastic": 27069, + "Ġarchitectural": 27070, + "Ġ\".": 27071, + "×ķ": 27072, + "umped": 27073, + "Ġwrapping": 27074, + "Ġwidow": 27075, + "ĠSlayer": 27076, + "lace": 27077, + "once": 27078, + "Germany": 27079, + "avoid": 27080, + "Ġtemples": 27081, + "PAR": 27082, + "ô": 27083, + "ĠLucifer": 27084, + "ĠFlickr": 27085, + "lov": 27086, + "forces": 27087, + "Ġscouting": 27088, + "Ġlouder": 27089, + "tesy": 27090, + "Ġbeforehand": 27091, + "Äĵ": 27092, + "ĠNeon": 27093, + "ĠWol": 27094, + "ĠTypically": 27095, + "ĠPolitico": 27096, + "-+-+": 27097, + "Ġbuilder": 27098, + "Ġderive": 27099, + "Kill": 27100, + "Ġpoker": 27101, + "Ġambiguous": 27102, + "Ġlifts": 27103, + "Ġcyt": 27104, + "Ġribs": 27105, + "oodle": 27106, + "ĠSounds": 27107, + "hair": 27108, + "ĠSyndrome": 27109, + "tf": 27110, + "Ġproportional": 27111, + "uid": 27112, + "Ġpertaining": 27113, + "ĠKindle": 27114, + "ĠNegro": 27115, + "Ġreiterated": 27116, + "ĠTonight": 27117, + "oths": 27118, + "ĠCornell": 27119, + "Ġowing": 27120, + "Ġ208": 27121, + "elfare": 27122, + "ocating": 27123, + "ĠBirds": 27124, + "Subscribe": 27125, + "Ġessays": 27126, + "Ġburdens": 27127, + "Ġillustrations": 27128, + "arious": 27129, + "ERAL": 27130, + "ĠCalcul": 27131, + "Ġxen": 27132, + "ĠLinkedIn": 27133, + "ĠJung": 27134, + "Ġredesign": 27135, + "Connor": 27136, + "296": 27137, + "Ġreversal": 27138, + "ĠAdelaide": 27139, + "ĠLL": 27140, + "Ġsinking": 27141, + "Ġgum": 27142, + "USH": 27143, + "capt": 27144, + "ĠGrimm": 27145, + "Ġfootsteps": 27146, + "ĠCBD": 27147, + "ispers": 27148, + "Ġprose": 27149, + "Wednesday": 27150, + "ĠMovies": 27151, + "edin": 27152, + "Ġoverturned": 27153, + "Ġcontentious": 27154, + "USB": 27155, + "~~~~~~~~~~~~~~~~": 27156, + "ĠCopper": 27157, + "Ġpointless": 27158, + "NV": 27159, + "values": 27160, + "olphin": 27161, + "dain": 27162, + "Ġdeposited": 27163, + "ĠGW": 27164, + "Ġpreceded": 27165, + "ĠCla": 27166, + "ĠGolem": 27167, + "ĠNim": 27168, + "Ġβ": 27169, + "ĠEngineers": 27170, + "middle": 27171, + "Ġflatt": 27172, + "operative": 27173, + "Ġcouncils": 27174, + "imbabwe": 27175, + "elin": 27176, + "Ġstressful": 27177, + "ĠLD": 27178, + "Ġresh": 27179, + "lake": 27180, + "Ġwheelchair": 27181, + "ĠAlternative": 27182, + "Ġoptimize": 27183, + "operation": 27184, + "Ġpeek": 27185, + "Ġoneself": 27186, + "igil": 27187, + "Ġtransitions": 27188, + "opathy": 27189, + "blank": 27190, + "Ġ169": 27191, + "171": 27192, + "________________________________________________________________": 27193, + "Ġlaundering": 27194, + "Enc": 27195, + "ĠDEC": 27196, + "Ġworkouts": 27197, + "Ġspikes": 27198, + "Ġdinosaurs": 27199, + "Ġdiscriminatory": 27200, + "Pool": 27201, + "Rather": 27202, + "385": 27203, + "RNA": 27204, + "testers": 27205, + "eto": 27206, + "ĠIdentity": 27207, + "Ġvein": 27208, + "ĠBurton": 27209, + "Ġarcade": 27210, + "420": 27211, + "Ultimately": 27212, + "ĠSadly": 27213, + "ð": 27214, + "pill": 27215, + "Ġcubic": 27216, + "ĠSpectrum": 27217, + "these": 27218, + "states": 27219, + "Ġunofficial": 27220, + "hawks": 27221, + "ĠEVERY": 27222, + "Ġrainbow": 27223, + "Ġincarceration": 27224, + "anding": 27225, + "Ġsyll": 27226, + "ĠEverton": 27227, + "Ġ179": 27228, + "ĠSerbia": 27229, + "Ġ189": 27230, + "meter": 27231, + "ĠMickey": 27232, + "Ġantiqu": 27233, + "Ġfactual": 27234, + "neck": 27235, + "ĠNare": 27236, + "norm": 27237, + "must": 27238, + "Ġhighways": 27239, + "Ġglam": 27240, + "Ġdividing": 27241, + "ĠSquadron": 27242, + "ĠMartha": 27243, + "Ġbirths": 27244, + "Cover": 27245, + "////////////////": 27246, + "ĠWong": 27247, + "Phot": 27248, + "ĠALS": 27249, + "rio": 27250, + "ĠNonetheless": 27251, + "ĠLemon": 27252, + "Ġ206": 27253, + "ĠEE": 27254, + "Ġderivative": 27255, + "ĠWWII": 27256, + "vote": 27257, + "Ġtherein": 27258, + "Ġseparating": 27259, + "446": 27260, + "sync": 27261, + "ĠStreets": 27262, + "Ġratt": 27263, + "Ġmunicipality": 27264, + "ĠShortly": 27265, + "Ġmonk": 27266, + "),\"": 27267, + "Ġscrub": 27268, + "Ġoperatives": 27269, + "Neither": 27270, + "Place": 27271, + "ĠLimit": 27272, + "Female": 27273, + "ĠActor": 27274, + "Character": 27275, + "Ġconstituted": 27276, + "357": 27277, + "Ġprotested": 27278, + "ĠStraw": 27279, + "ĠHeight": 27280, + "ilda": 27281, + "ĠTyph": 27282, + "Ġfloods": 27283, + "Ġcosmetic": 27284, + "WAY": 27285, + "perture": 27286, + "upon": 27287, + "tons": 27288, + "essing": 27289, + "ĠPocket": 27290, + "Ġrooft": 27291, + "ĠCaucas": 27292, + "Ġantidepress": 27293, + "Ġincompatible": 27294, + "ECD": 27295, + "Ġopera": 27296, + "ĠContest": 27297, + "Ġgenerators": 27298, + "lime": 27299, + "Defense": 27300, + "1987": 27301, + "forum": 27302, + "Ġsavage": 27303, + "ĠHungarian": 27304, + "nz": 27305, + "Ġmetallic": 27306, + "Ġexpelled": 27307, + "Ġresidency": 27308, + "Ġdresses": 27309, + "666": 27310, + "ĠClement": 27311, + "fires": 27312, + "Category": 27313, + "Ġgeek": 27314, + "alis": 27315, + "Ġcemetery": 27316, + "educated": 27317, + "Ġcrawl": 27318, + "ĠUnable": 27319, + "ĠTyson": 27320, + "akis": 27321, + "Ġpardon": 27322, + "ĠWra": 27323, + "Ġstrengthened": 27324, + "ĠFors": 27325, + "335": 27326, + "ĠHC": 27327, + "ĠMond": 27328, + "Ġvisuals": 27329, + "ĠBeatles": 27330, + "ettlement": 27331, + "Ġï": 27332, + "gro": 27333, + "Ġbash": 27334, + "Ġpoorest": 27335, + "Ġexcel": 27336, + "Ġaspirations": 27337, + "ĠMunicip": 27338, + "ensible": 27339, + "Ġceremonies": 27340, + "Ġintimidation": 27341, + "ĠCONTR": 27342, + "beck": 27343, + "ĠKap": 27344, + "asu": 27345, + "Ġtrademarks": 27346, + "ĠSew": 27347, + "ĠCompetition": 27348, + "network": 27349, + "ĠArri": 27350, + "ĠTet": 27351, + "Roaming": 27352, + "WC": 27353, + "Dat": 27354, + "Ġsob": 27355, + "Ġpairing": 27356, + "Ġoverdose": 27357, + "SAY": 27358, + "aber": 27359, + "Ġrevolt": 27360, + "ĠFah": 27361, + "acting": 27362, + "eq": 27363, + "estation": 27364, + "Fight": 27365, + "ĠMarks": 27366, + "273": 27367, + "Ġ178": 27368, + "Raw": 27369, + "ãģĭ": 27370, + "349": 27371, + "blocks": 27372, + "Ġverge": 27373, + "estine": 27374, + "ĠPodesta": 27375, + "Ġinvasive": 27376, + "Ġprofoundly": 27377, + "ĠAo": 27378, + "each": 27379, + "Ġlest": 27380, + "interpret": 27381, + "Ġshrinking": 27382, + "Ġerrone": 27383, + "Ġchees": 27384, + "lys": 27385, + "ĠIvy": 27386, + "ĠDirectory": 27387, + "Ġhinted": 27388, + "VICE": 27389, + "Ġcontacting": 27390, + "ĠGent": 27391, + "hei": 27392, + "Ġlabeling": 27393, + "Ġmercury": 27394, + "ĠLite": 27395, + "Ġexpires": 27396, + "Ġdestabil": 27397, + "ritis": 27398, + "cu": 27399, + "Ġfeathers": 27400, + "Ġsteer": 27401, + "Ġprogrammed": 27402, + "ĠVader": 27403, + "Going": 27404, + "ĠElim": 27405, + "Ġyo": 27406, + "ĠMiche": 27407, + "Ġ203": 27408, + "Ġsleeves": 27409, + "Ġbully": 27410, + "ĠHumans": 27411, + "368": 27412, + "Ġcompress": 27413, + "ĠBanner": 27414, + "ARS": 27415, + "Ġawhile": 27416, + "Ġcalib": 27417, + "Ġsponsorship": 27418, + "ĠDifficulty": 27419, + "ĠPapers": 27420, + "Ġidentifier": 27421, + "}.": 27422, + "Ġyog": 27423, + "ĠShia": 27424, + "Ġcleanup": 27425, + "Ġvibe": 27426, + "introdu": 27427, + "imming": 27428, + "Australia": 27429, + "Ġoutlines": 27430, + "ĠYoutube": 27431, + "train": 27432, + "ĠMakes": 27433, + "Ġdeported": 27434, + "Ġcentr": 27435, + "ĠDug": 27436, + "ĠBoulder": 27437, + "ĠBuffy": 27438, + "Ġinjunction": 27439, + "ĠHarley": 27440, + "ĠGroups": 27441, + "ĠDumbledore": 27442, + "ĠClara": 27443, + "Ġ\"-": 27444, + "Ġsacrificed": 27445, + "eph": 27446, + "Shadow": 27447, + "ibling": 27448, + "Ġfreelance": 27449, + "Ġevidently": 27450, + "phal": 27451, + "Ġretains": 27452, + "Mir": 27453, + "Ġfinite": 27454, + "dar": 27455, + "ĠCous": 27456, + "Ġrepaired": 27457, + "Ġperiodic": 27458, + "Ġchampionships": 27459, + "Ġasteroid": 27460, + "blind": 27461, + "Ġexpressly": 27462, + "ĠAstros": 27463, + "Ġscaled": 27464, + "Ġgeographical": 27465, + "ĠRapids": 27466, + "Enjoy": 27467, + "Ġelastic": 27468, + "ĠMohamed": 27469, + "Market": 27470, + "begin": 27471, + "Ġdiscovers": 27472, + "Ġtelecommunications": 27473, + "Ġscanner": 27474, + "Ġenlarge": 27475, + "Ġsharks": 27476, + "Ġpsychedel": 27477, + "ĠRouge": 27478, + "Ġsnapshot": 27479, + "isine": 27480, + "XP": 27481, + "Ġpesticides": 27482, + "ĠLSD": 27483, + "ĠDistribution": 27484, + "really": 27485, + "Ġdegradation": 27486, + "Ġdisguise": 27487, + "Ġbiom": 27488, + "ĠEXT": 27489, + "Ġequations": 27490, + "Ġhazards": 27491, + "ĠCompared": 27492, + ")*": 27493, + "Ġvirtues": 27494, + "Ġelders": 27495, + "Ġenhancing": 27496, + "ĠAcross": 27497, + "eros": 27498, + "angling": 27499, + "Ġcombust": 27500, + "ucci": 27501, + "Ġconcussion": 27502, + "Ġcontraception": 27503, + "ĠKang": 27504, + "Ġexpresses": 27505, + "Ġaux": 27506, + "ĠPione": 27507, + "Ġexhibits": 27508, + "Debug": 27509, + "OTAL": 27510, + "ĠAlready": 27511, + "ĠWheeler": 27512, + "Ġexpands": 27513, + "?:": 27514, + "Ġreconciliation": 27515, + "Ġpirates": 27516, + "Ġpurse": 27517, + "Ġdiscourage": 27518, + "Ġspectacle": 27519, + "Rank": 27520, + "Ġwraps": 27521, + "ĠThought": 27522, + "Ġimpending": 27523, + "Opp": 27524, + "ĠAnglo": 27525, + "ĠEUR": 27526, + "Ġscrewed": 27527, + "retched": 27528, + "Ġencouragement": 27529, + "models": 27530, + "Ġconfuse": 27531, + "mmm": 27532, + "ĠVitamin": 27533, + "âĸijâĸij": 27534, + "Cru": 27535, + "Ġknights": 27536, + "Ġdiscard": 27537, + "Ġbishops": 27538, + "ĠWear": 27539, + "ĠGarrett": 27540, + "kan": 27541, + "ãĥŁ": 27542, + "Ġmasculine": 27543, + "capital": 27544, + "ĠAus": 27545, + "Ġfatally": 27546, + "thanks": 27547, + "ĠAU": 27548, + "ĠGut": 27549, + "1200": 27550, + "Ġ00000000": 27551, + "Ġsurrog": 27552, + "ĠBIOS": 27553, + "raits": 27554, + "ĠWatts": 27555, + "Ġresurrection": 27556, + "ĠElectoral": 27557, + "ĠTips": 27558, + "4000": 27559, + "Ġnutrient": 27560, + "Ġdepicting": 27561, + "Ġsprink": 27562, + "Ġmuff": 27563, + "ĠLIM": 27564, + "ĠSample": 27565, + "psc": 27566, + "ibi": 27567, + "generated": 27568, + "Ġspecimens": 27569, + "Ġdissatisf": 27570, + "Ġtailored": 27571, + "Ġholdings": 27572, + "ĠMonthly": 27573, + "ĠEat": 27574, + "poons": 27575, + "Ġnec": 27576, + "ĠCage": 27577, + "ĠLotus": 27578, + "ĠLantern": 27579, + "Ġfrontier": 27580, + "Ġpensions": 27581, + "Ġjoked": 27582, + "ĠHardy": 27583, + "=-=-=-=-": 27584, + "rade": 27585, + "UID": 27586, + "Ġrails": 27587, + "Ġemit": 27588, + "Ġslate": 27589, + "Ġsmug": 27590, + "Ġspit": 27591, + "ĠCalls": 27592, + "ĠJacobs": 27593, + "feat": 27594, + "ĠUE": 27595, + "Ġrestruct": 27596, + "Ġregeneration": 27597, + "Ġenergies": 27598, + "ĠConnor": 27599, + "OHN": 27600, + "ĠCheese": 27601, + "Ġger": 27602, + "Ġresurrect": 27603, + "management": 27604, + "NW": 27605, + "Ġpresently": 27606, + "ĠBruins": 27607, + "Member": 27608, + "ĠMang": 27609, + "idan": 27610, + "Ġboosting": 27611, + "wyn": 27612, + "+.": 27613, + "requisite": 27614, + "ĠNYPD": 27615, + "ĠMegan": 27616, + "ĠConditions": 27617, + "Ġpics": 27618, + "nesium": 27619, + "ĠRash": 27620, + "Ġ174": 27621, + "ĠDucks": 27622, + "Ġembro": 27623, + "zu": 27624, + "onian": 27625, + "religious": 27626, + "Ġcraz": 27627, + "ĠACA": 27628, + "ĠZucker": 27629, + "EMA": 27630, + "ĠPros": 27631, + "Weapon": 27632, + "ĠKnox": 27633, + "ĠArduino": 27634, + "Ġstove": 27635, + "Ġheavens": 27636, + "ĠPurchase": 27637, + "Ġherd": 27638, + "Ġfundraiser": 27639, + "Digital": 27640, + "5000": 27641, + "Ġproponents": 27642, + "/âĢĭ": 27643, + "Ġjelly": 27644, + "ĠVisa": 27645, + "Ġmonks": 27646, + "Ġadvancement": 27647, + "ĠWer": 27648, + "Ġ187": 27649, + "eus": 27650, + "ertility": 27651, + "Ġfetal": 27652, + "Ġ1936": 27653, + "Lo": 27654, + "Ġoutfits": 27655, + "Ġstaircase": 27656, + "bomb": 27657, + "Ġcustomized": 27658, + "clair": 27659, + "Tree": 27660, + "Ġmapped": 27661, + "ĠConsidering": 27662, + "ĠTorres": 27663, + "Ġmethyl": 27664, + "Ġapproximate": 27665, + "Ġdoom": 27666, + "ĠHansen": 27667, + "Ġcrossover": 27668, + "Ġstandalone": 27669, + "ä¼": 27670, + "Ġinvites": 27671, + "Ġgraveyard": 27672, + "Ġhp": 27673, + "DonaldTrump": 27674, + "Ġescort": 27675, + "Gar": 27676, + "Ġpredecessors": 27677, + "Ġhay": 27678, + "Ġenzyme": 27679, + "ĠStraight": 27680, + "visors": 27681, + "Ing": 27682, + "aneously": 27683, + "ĠApplied": 27684, + "Ġfec": 27685, + "ĠDurant": 27686, + "Ġoutspoken": 27687, + "orb": 27688, + "Ġzeal": 27689, + "Ġdisgrace": 27690, + "').": 27691, + "ĠCheng": 27692, + "289": 27693, + "ĠRena": 27694, + "ĠSuicide": 27695, + "294": 27696, + "Ġoutraged": 27697, + "ĠNewman": 27698, + "ĠNvidia": 27699, + "ĠAber": 27700, + "ĠBers": 27701, + "Ġrecreation": 27702, + "Window": 27703, + "ĠDP": 27704, + "xe": 27705, + "Ġpedoph": 27706, + "Ġfallout": 27707, + "amboo": 27708, + "Ġpresentations": 27709, + "ĠApps": 27710, + "Ġhtml": 27711, + "345": 27712, + "ĠXXX": 27713, + "Ġrubbing": 27714, + "ĠLeather": 27715, + "Ġhumidity": 27716, + "seys": 27717, + "established": 27718, + "ĠUnits": 27719, + "646": 27720, + "Ġrespectable": 27721, + "Auto": 27722, + "Ġthriving": 27723, + "ĠInnovation": 27724, + "angs": 27725, + "Extra": 27726, + "regulation": 27727, + "298": 27728, + "pick": 27729, + "Examples": 27730, + "ĠCJ": 27731, + "Attack": 27732, + "Ġdracon": 27733, + "LT": 27734, + "Ġsticker": 27735, + "rers": 27736, + "Ġsunny": 27737, + "Iss": 27738, + "regulated": 27739, + "dim": 27740, + "ĠAbstract": 27741, + "Ġhusbands": 27742, + "Office": 27743, + "omination": 27744, + "itars": 27745, + "ANGE": 27746, + "ascal": 27747, + "ĠKris": 27748, + "ĠInfantry": 27749, + "Ġmalf": 27750, + "ĠAthe": 27751, + "ĠRally": 27752, + "balanced": 27753, + "........................": 27754, + "OUP": 27755, + "Ġmolecule": 27756, + "metics": 27757, + "ĠSplit": 27758, + "ĠInstructions": 27759, + "ĠNights": 27760, + "cards": 27761, + "Ġtug": 27762, + "Ġcone": 27763, + "åŃ": 27764, + "Ġtx": 27765, + "ĠDiscussion": 27766, + "Ġcatastrophe": 27767, + "ppe": 27768, + "gio": 27769, + "Ġcommunism": 27770, + "Ġhalted": 27771, + "ĠGuant": 27772, + "clean": 27773, + "ĠSched": 27774, + "ĠKanye": 27775, + "Ġwander": 27776, + "ĠSeriously": 27777, + "Ġ188": 27778, + "ennial": 27779, + "follow": 27780, + "productive": 27781, + "ĠFlow": 27782, + "ĠSail": 27783, + "Ġcraw": 27784, + "Ġsimulations": 27785, + "oru": 27786, + "angles": 27787, + "ĠNolan": 27788, + "Ġmenstru": 27789, + "470": 27790, + "Ġ207": 27791, + "aja": 27792, + "Ġcasually": 27793, + "boarding": 27794, + "Ġ222": 27795, + "ovy": 27796, + "ĠNumbers": 27797, + "umat": 27798, + "OE": 27799, + "287": 27800, + "ĠClemson": 27801, + "Ġcerts": 27802, + "Ġslid": 27803, + "ĠTribe": 27804, + "Ġtoast": 27805, + "Ġfortunes": 27806, + "Ġfals": 27807, + "ĠCommittees": 27808, + "Ġgp": 27809, + "Ġfiery": 27810, + "ĠNets": 27811, + "ĠAnime": 27812, + "Package": 27813, + "ĠCompare": 27814, + "laughter": 27815, + "infect": 27816, + "Ġatrocities": 27817, + "Ġjustices": 27818, + "Ġinsults": 27819, + "ĠVernon": 27820, + "Ġshaken": 27821, + "Ġpersona": 27822, + "estamp": 27823, + "367": 27824, + "brain": 27825, + "Ġexperimenting": 27826, + "Ken": 27827, + "ĠElectronics": 27828, + "Ġ161": 27829, + "domain": 27830, + "Ġgraphical": 27831, + "bishop": 27832, + "Ġwhopping": 27833, + "ĠEvangel": 27834, + "Ġadvertisers": 27835, + "ĠSpear": 27836, + "Ġbids": 27837, + "Ġdestroys": 27838, + "utz": 27839, + "Ġundersc": 27840, + "ĠADD": 27841, + "Ġants": 27842, + "ĠCum": 27843, + "ipples": 27844, + "ĠFill": 27845, + "Ġglanced": 27846, + "Ġindicted": 27847, + "ĠEff": 27848, + "Ġmiscon": 27849, + "ĠDesktop": 27850, + "Ġabide": 27851, + "ãĥĢ": 27852, + "ĠIo": 27853, + "ĠCoul": 27854, + "Ġcapsule": 27855, + "ĠChrys": 27856, + "MON": 27857, + "Ġundes": 27858, + "ĠIRA": 27859, + "Ġcitation": 27860, + "Ġdictate": 27861, + "ĠNetworks": 27862, + "ĠConflict": 27863, + "ĠStuff": 27864, + "xa": 27865, + "isec": 27866, + "ĠChemistry": 27867, + "Ġquarterly": 27868, + "Williams": 27869, + "anan": 27870, + "Opt": 27871, + "ĠAlexandria": 27872, + "outheastern": 27873, + "ĠSpringfield": 27874, + "ĠBlacks": 27875, + "Ġgeography": 27876, + "242": 27877, + "Ġutmost": 27878, + "ĠExxon": 27879, + "abouts": 27880, + "EVA": 27881, + "ĠEnable": 27882, + "ĠBarr": 27883, + "Ġdisagreed": 27884, + "ĠCyprus": 27885, + "Ġdementia": 27886, + "Ġlabs": 27887, + "Ġubiquitous": 27888, + "ĠLOVE": 27889, + "Ġconsolidated": 27890, + "sr": 27891, + "Ġcreamy": 27892, + "ĠTimber": 27893, + "Regardless": 27894, + "ĠCertificate": 27895, + "Ġ\"...": 27896, + "ogenous": 27897, + "Captain": 27898, + "Ġinsulting": 27899, + "ĠSoros": 27900, + "ĠInstr": 27901, + "ĠBulgaria": 27902, + "better": 27903, + "Ġsucking": 27904, + "ĠDavidson": 27905, + "atz": 27906, + "Ġcollateral": 27907, + "gif": 27908, + "Ġplagued": 27909, + "ĠCancel": 27910, + "ĠGardner": 27911, + "RB": 27912, + "Ġsixteen": 27913, + "Remove": 27914, + "uristic": 27915, + "cook": 27916, + "Rod": 27917, + "Ġcomprising": 27918, + "fle": 27919, + ")âĢĶ": 27920, + "ĠViking": 27921, + "growth": 27922, + "agonal": 27923, + "Ġsrf": 27924, + "afety": 27925, + "mot": 27926, + "Nearly": 27927, + "stown": 27928, + "ĠFactor": 27929, + "Ġautomobile": 27930, + "Ġprocedural": 27931, + "mask": 27932, + "ampires": 27933, + "Ġdisappears": 27934, + "jab": 27935, + "315": 27936, + "Ġ1951": 27937, + "needed": 27938, + "Ġdaring": 27939, + "leader": 27940, + "Ġpodium": 27941, + "Ġunhealthy": 27942, + "Ġmund": 27943, + "Ġpyramid": 27944, + "ocre": 27945, + "Ġkissed": 27946, + "Ġdreamed": 27947, + "ĠFantastic": 27948, + "ĠGly": 27949, + "åĬ": 27950, + "Ġgreatness": 27951, + "Ġspices": 27952, + "Ġmetropolitan": 27953, + "Ġcompuls": 27954, + "iets": 27955, + "1016": 27956, + "ĠSham": 27957, + "ĠPyr": 27958, + "flies": 27959, + "ĠMidnight": 27960, + "Ġswallowed": 27961, + "Ġgenres": 27962, + "ĠLucky": 27963, + "ĠRewards": 27964, + "Ġdispatch": 27965, + "ĠIPA": 27966, + "ĠApply": 27967, + "Ġaven": 27968, + "alities": 27969, + "312": 27970, + "things": 27971, + "Ġ().": 27972, + "Ġmates": 27973, + "ĠSz": 27974, + "ĠCOP": 27975, + "olate": 27976, + "OFF": 27977, + "Ġrecharge": 27978, + "caps": 27979, + "ĠYorker": 27980, + "icone": 27981, + "Ġgalaxies": 27982, + "ileaks": 27983, + "Dave": 27984, + "ĠPuzz": 27985, + "ĠCeltic": 27986, + "ĠAFC": 27987, + "276": 27988, + "ĠSons": 27989, + "Ġaffirmative": 27990, + "Hor": 27991, + "Ġtutorials": 27992, + "ĠCITY": 27993, + "ĠRosa": 27994, + "ĠExtension": 27995, + "Series": 27996, + "Ġfats": 27997, + "Ġrab": 27998, + "lis": 27999, + "Ġunic": 28000, + "Ġeve": 28001, + "ĠSpin": 28002, + "Ġadulthood": 28003, + "typ": 28004, + "Ġsectarian": 28005, + "Ġcheckout": 28006, + "ĠCycl": 28007, + "Single": 28008, + "Ġmartyr": 28009, + "Ġchilling": 28010, + "888": 28011, + "oufl": 28012, + "Ġ];": 28013, + "Ġcongestion": 28014, + "mk": 28015, + "ĠWhereas": 28016, + "Ġ1938": 28017, + "urrencies": 28018, + "erion": 28019, + "Ġboast": 28020, + "ĠPatients": 28021, + "Ġchap": 28022, + "ĠBD": 28023, + "realDonaldTrump": 28024, + "Ġexamines": 28025, + "hov": 28026, + "Ġstartling": 28027, + "ĠBabylon": 28028, + "wid": 28029, + "omew": 28030, + "brance": 28031, + "ĠOdyssey": 28032, + "wig": 28033, + "Ġtorch": 28034, + "ĠVox": 28035, + "ĠMoz": 28036, + "ĠTroll": 28037, + "ĠAns": 28038, + "Similarly": 28039, + "ĠFul": 28040, + "006": 28041, + "Unless": 28042, + "ĠAlone": 28043, + "stead": 28044, + "ĠPublisher": 28045, + "rights": 28046, + "tu": 28047, + "ĠDoesn": 28048, + "Ġprofessionally": 28049, + "Ġclo": 28050, + "icz": 28051, + "Ġsteals": 28052, + "Ġá": 28053, + "1986": 28054, + "Ġsturdy": 28055, + "ĠJohann": 28056, + "Ġmedals": 28057, + "Ġfilings": 28058, + "ĠFraser": 28059, + "done": 28060, + "Ġmultinational": 28061, + "Ġfeder": 28062, + "Ġworthless": 28063, + "Ġpest": 28064, + "Yesterday": 28065, + "ankind": 28066, + "Ġgays": 28067, + "Ġborne": 28068, + "ĠPOS": 28069, + "Picture": 28070, + "Ġpercentages": 28071, + "251": 28072, + "rame": 28073, + "Ġpotions": 28074, + "AMD": 28075, + "ĠLebanese": 28076, + "Ġrang": 28077, + "ĠLSU": 28078, + "ongs": 28079, + "Ġpeninsula": 28080, + "ĠClause": 28081, + "ALK": 28082, + "oha": 28083, + "ĠMacBook": 28084, + "Ġunanimous": 28085, + "Ġlenders": 28086, + "Ġhangs": 28087, + "Ġfranchises": 28088, + "orers": 28089, + "ĠUpdates": 28090, + "Ġisolate": 28091, + "andro": 28092, + "Soon": 28093, + "Ġdisruptive": 28094, + "ĠSurve": 28095, + "Ġstitches": 28096, + "ĠScorp": 28097, + "ĠDominion": 28098, + "Ġsupplying": 28099, + "Arg": 28100, + "Ġturret": 28101, + "ĠLuk": 28102, + "Ġbrackets": 28103, + "*)": 28104, + "ĠRevolutionary": 28105, + "ĠHonest": 28106, + "Ġnoticing": 28107, + "ĠShannon": 28108, + "Ġafforded": 28109, + "Ġtha": 28110, + "ĠJanet": 28111, + "!--": 28112, + "ĠNarendra": 28113, + "ĠPlot": 28114, + "Hol": 28115, + "sever": 28116, + "eenth": 28117, + "Ġobstruction": 28118, + "Ġ1024": 28119, + "staff": 28120, + "jas": 28121, + "orget": 28122, + "scenes": 28123, + "laughs": 28124, + "ĠFargo": 28125, + "crime": 28126, + "Ġorchestr": 28127, + "Ġdelet": 28128, + "iliary": 28129, + "rieved": 28130, + "Ġmilitar": 28131, + "ĠGreene": 28132, + "âĹı": 28133, + "ãģ¦": 28134, + "ĠGuards": 28135, + "Ġunleashed": 28136, + "ĠWeber": 28137, + "Ġadjustable": 28138, + "Ġcaliber": 28139, + "Ġmotivations": 28140, + "ĠÃł": 28141, + "mAh": 28142, + "ĠLanka": 28143, + "handle": 28144, + "Ġpent": 28145, + "ĠRav": 28146, + "ĠAngular": 28147, + "ĠKau": 28148, + "umbing": 28149, + "Ġphilanthrop": 28150, + "Ġdehyd": 28151, + "Ġtoxicity": 28152, + "eer": 28153, + "ĠYORK": 28154, + "witz": 28155, + "å¼": 28156, + "ĠIE": 28157, + "community": 28158, + "ĠAH": 28159, + "Ġretali": 28160, + "Ġmassively": 28161, + "ĠDaniels": 28162, + "ĠDEL": 28163, + "Ġcarcin": 28164, + "Url": 28165, + "Ġrouting": 28166, + "ĠNPCs": 28167, + "ĠRAF": 28168, + "ryce": 28169, + "Ġwaived": 28170, + "ĠGuatem": 28171, + "Everybody": 28172, + "Ġcovenant": 28173, + "Ġ173": 28174, + "Ġrelaxing": 28175, + "Ġquart": 28176, + "almost": 28177, + "Ġguarded": 28178, + "ĠSoldiers": 28179, + "ĠPLAY": 28180, + "Ġoutgoing": 28181, + "LAND": 28182, + "Ġrewrite": 28183, + "ĠMOV": 28184, + "ĠImper": 28185, + "ĠSolution": 28186, + "Ġphenomenal": 28187, + "Ġlongevity": 28188, + "Ġimpat": 28189, + "ĠNissan": 28190, + "irie": 28191, + "Ġodor": 28192, + "ĠZar": 28193, + "oks": 28194, + "Ġmilitias": 28195, + "ĠSPEC": 28196, + "Ġtolerated": 28197, + "arser": 28198, + "ĠBradford": 28199, + "+,": 28200, + "Ġsurreal": 28201, + "sf": 28202, + "Canadian": 28203, + "Ġresemblance": 28204, + "Ġcarbohydrate": 28205, + "VIEW": 28206, + "Ġaccessory": 28207, + "meal": 28208, + "largest": 28209, + "iegel": 28210, + "Someone": 28211, + "Ġtoughest": 28212, + "oso": 28213, + "Ġfunnel": 28214, + "Ġcondemnation": 28215, + "luent": 28216, + "Ġwired": 28217, + "ĠSunset": 28218, + "Jesus": 28219, + "ĠPST": 28220, + "ĠPages": 28221, + "ĠTycoon": 28222, + "ĠPF": 28223, + "Ġselections": 28224, + "Ġà¤": 28225, + "partisan": 28226, + "Ġhighs": 28227, + "ĠRune": 28228, + "Ġcrafts": 28229, + "lead": 28230, + "ĠParents": 28231, + "Ġreclaim": 28232, + "eker": 28233, + "ĠAllied": 28234, + "aeper": 28235, + "Ġlooming": 28236, + "Ġbeneficiaries": 28237, + "ĠHull": 28238, + "Students": 28239, + "Jewish": 28240, + "dj": 28241, + "Ġpact": 28242, + "template": 28243, + "ĠOfficials": 28244, + "ĠBaylor": 28245, + "Ġhemp": 28246, + "Ġyouths": 28247, + "ĠLevels": 28248, + "ĠXiao": 28249, + "ĠChes": 28250, + "Ġendeavor": 28251, + "ĠRemoved": 28252, + "Ġhippocamp": 28253, + "Hell": 28254, + "ãĤĬ": 28255, + "805": 28256, + "Ġdinosaur": 28257, + "ĠWrath": 28258, + "ĠIndonesian": 28259, + "Ġcalculator": 28260, + "ĠDictionary": 28261, + "Ġ420": 28262, + "ĠMAG": 28263, + "(_": 28264, + "!,": 28265, + "tarians": 28266, + "Ġrestricting": 28267, + "racuse": 28268, + "Ġweekday": 28269, + "OUNT": 28270, + "Ġshrugged": 28271, + "leground": 28272, + "Ġbald": 28273, + "ĠDoctors": 28274, + "Ġtouted": 28275, + "ĠMaxwell": 28276, + "Ġ214": 28277, + "Ġdiplomat": 28278, + "Ġrepression": 28279, + "Ġconstituency": 28280, + "vice": 28281, + "ranked": 28282, + "ĠNapoleon": 28283, + "gang": 28284, + "ĠForever": 28285, + "tun": 28286, + "Ġbulb": 28287, + "ĠPDT": 28288, + "ĠCisco": 28289, + "VEN": 28290, + "Ġresumed": 28291, + "Steven": 28292, + "ĠManitoba": 28293, + "Ġfabulous": 28294, + "ĠAgents": 28295, + "1984": 28296, + "Ġamusing": 28297, + "ĠMysteries": 28298, + "Ġorthodox": 28299, + "floor": 28300, + "Ġquestionnaire": 28301, + "Ġpenetrate": 28302, + "Ġfilmmakers": 28303, + "ĠUnc": 28304, + "Ġstamped": 28305, + "Ġthirteen": 28306, + "Ġoutfield": 28307, + "Ġforwarded": 28308, + "Ġappra": 28309, + "Ġaided": 28310, + "try": 28311, + "Ġunfocused": 28312, + "ĠLiz": 28313, + "ĠWendy": 28314, + "ĠScene": 28315, + "Charg": 28316, + "Ġrejects": 28317, + "Ġleftist": 28318, + "ĠProvidence": 28319, + "ĠBrid": 28320, + "regn": 28321, + "Ġprophecy": 28322, + "ĠLIVE": 28323, + "499": 28324, + "Ġforge": 28325, + "ĠFML": 28326, + "Ġintrinsic": 28327, + "ĠFrog": 28328, + "Ġwont": 28329, + "ĠHolt": 28330, + "Ġfamed": 28331, + "CLUS": 28332, + "aepernick": 28333, + "ĠHate": 28334, + "ĠCay": 28335, + "Ġregistering": 28336, + "ortality": 28337, + "ropy": 28338, + "ocalyptic": 28339, + "aan": 28340, + "nav": 28341, + "Ġfascist": 28342, + "IFIED": 28343, + "Ġimplicated": 28344, + "ĠResort": 28345, + "ĠChandler": 28346, + "ĠBrick": 28347, + "Pin": 28348, + "ysc": 28349, + "Usage": 28350, + "ĠHelm": 28351, + "usra": 28352, + "âĺħâĺħ": 28353, + "ĠAbbas": 28354, + "Ġunanimously": 28355, + "Ġkeeper": 28356, + "Ġaddicted": 28357, + "???": 28358, + "Ġhelmets": 28359, + "Ġantioxid": 28360, + "apsed": 28361, + "808": 28362, + "giene": 28363, + "Ġwaits": 28364, + "Ġminion": 28365, + "raved": 28366, + "ĠPorsche": 28367, + "Ġdreaming": 28368, + "Ġ171": 28369, + "ĠCain": 28370, + "Ġunfor": 28371, + "asso": 28372, + "ĠConfiguration": 28373, + "kun": 28374, + "hardt": 28375, + "Ġnested": 28376, + "ĠLDS": 28377, + "LES": 28378, + "Ġtying": 28379, + "enos": 28380, + "Ġcue": 28381, + "ĠMarqu": 28382, + "skirts": 28383, + "Ġclicked": 28384, + "Ġexpiration": 28385, + "ĠAccordingly": 28386, + "ĠWC": 28387, + "Ġblessings": 28388, + "Ġaddictive": 28389, + "ĠNarr": 28390, + "yx": 28391, + "ĠJaguars": 28392, + "Ġrents": 28393, + "ĠSiber": 28394, + "Ġtipped": 28395, + "ousse": 28396, + "ĠFitzgerald": 28397, + "Ġhierarch": 28398, + "outine": 28399, + "Ġwavelength": 28400, + ">.": 28401, + "chid": 28402, + "ĠProcessing": 28403, + "/+": 28404, + "ranking": 28405, + "Easy": 28406, + "ĠConstruct": 28407, + "Ġtet": 28408, + "insured": 28409, + "HUD": 28410, + "Ġquoting": 28411, + "Ġcommunicated": 28412, + "inx": 28413, + "Ġinmate": 28414, + "Ġerected": 28415, + "ĠAbsolutely": 28416, + "ĠSurely": 28417, + "Ġunim": 28418, + "ĠThrone": 28419, + "heid": 28420, + "Ġclaws": 28421, + "Ġsuperstar": 28422, + "ĠLenn": 28423, + "ĠWhis": 28424, + "Uk": 28425, + "abol": 28426, + "Ġsket": 28427, + "ĠNiet": 28428, + "Ġperks": 28429, + "Ġaffinity": 28430, + "Ġopenings": 28431, + "phasis": 28432, + "Ġdiscriminate": 28433, + "Tip": 28434, + "vc": 28435, + "Ġgrinding": 28436, + "ĠJenny": 28437, + "Ġasthma": 28438, + "holes": 28439, + "ĠHomer": 28440, + "Ġregisters": 28441, + "ĠGlad": 28442, + "Ġcreations": 28443, + "Ġlithium": 28444, + "Ġapplause": 28445, + "until": 28446, + "Justice": 28447, + "ĠTurks": 28448, + "Ġscandals": 28449, + "Ġbake": 28450, + "tank": 28451, + "Mech": 28452, + "ĠMeans": 28453, + "ĠMaid": 28454, + "Republicans": 28455, + "isal": 28456, + "windows": 28457, + "ĠSantos": 28458, + "Ġvegetation": 28459, + "338": 28460, + "tri": 28461, + "Ġflux": 28462, + "insert": 28463, + "Ġclarified": 28464, + "Ġmortg": 28465, + "ĠChim": 28466, + "ĠTort": 28467, + "Ġdisclaim": 28468, + "metal": 28469, + "ĠAside": 28470, + "Ġinduction": 28471, + "Ġinfl": 28472, + "Ġatheists": 28473, + "amph": 28474, + "Ġether": 28475, + "ĠVital": 28476, + "ĠBuilt": 28477, + "Mind": 28478, + "Ġweaponry": 28479, + "SET": 28480, + "Ġ186": 28481, + "admin": 28482, + "gam": 28483, + "contract": 28484, + "afa": 28485, + "Ġderivatives": 28486, + "Ġsnacks": 28487, + "Ġchurn": 28488, + "Econom": 28489, + "Ġcapped": 28490, + "ĠUnderstanding": 28491, + "ĠHers": 28492, + "ĠIz": 28493, + "Ġduct": 28494, + "IENT": 28495, + "aughty": 28496, + "ĠâľĶ": 28497, + "ĠNP": 28498, + "Ġsailing": 28499, + "Initialized": 28500, + "Ġted": 28501, + "Ġreactors": 28502, + "ĠLomb": 28503, + "Ġchoke": 28504, + "ĠWorm": 28505, + "Ġadmiration": 28506, + "Ġswung": 28507, + "ensibly": 28508, + "Ġrash": 28509, + "ĠGoals": 28510, + "ĠImportant": 28511, + "Shot": 28512, + "ĠRas": 28513, + "Ġtrainers": 28514, + "ĠBun": 28515, + "Working": 28516, + "Ġharmed": 28517, + "ĠPandora": 28518, + "ĠLTE": 28519, + "Ġmushroom": 28520, + "ĠCHAR": 28521, + "ĠFee": 28522, + "ĠMoy": 28523, + "Born": 28524, + "oliberal": 28525, + "ĠMartial": 28526, + "Ġgentlemen": 28527, + "Ġlingering": 28528, + "Official": 28529, + "Ġgraffiti": 28530, + "ĠNames": 28531, + "Der": 28532, + "Ġquint": 28533, + "istrate": 28534, + "azeera": 28535, + "ĠNOTICE": 28536, + "ĠFlorence": 28537, + "Ġpayable": 28538, + "Ġdepicts": 28539, + "ĠSpecies": 28540, + "Heart": 28541, + "âĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢ": 28542, + "Ġenclosed": 28543, + "Increases": 28544, + "Daily": 28545, + "ĠLis": 28546, + "Ġenactment": 28547, + "ĠBacon": 28548, + "ĠSteele": 28549, + "demand": 28550, + "Ġ183": 28551, + "Ġmouths": 28552, + "Ġstranded": 28553, + "Ġenhancement": 28554, + "011": 28555, + "ĠWhats": 28556, + "Ġhealed": 28557, + "eny": 28558, + "ĠRab": 28559, + "Ġ340": 28560, + "ĠLabyrinth": 28561, + "roach": 28562, + "ĠYosh": 28563, + "ĠClippers": 28564, + "Ġconcerts": 28565, + "Internet": 28566, + "355": 28567, + "Ġstickers": 28568, + "Ġtermed": 28569, + "ĠAxe": 28570, + "Ġgrandparents": 28571, + "France": 28572, + "ĠClim": 28573, + "ĠUh": 28574, + "ulic": 28575, + "Ġthrill": 28576, + "centric": 28577, + "ĠOverview": 28578, + "ĠConduct": 28579, + "Ġsubstantive": 28580, + "Ġ182": 28581, + "mur": 28582, + "Ġstray": 28583, + "ĠCoff": 28584, + "Ġrepetitive": 28585, + "ĠForgotten": 28586, + "Ġqualification": 28587, + "ewitness": 28588, + "ĠZimbabwe": 28589, + "Ġsimulated": 28590, + "ĠJD": 28591, + "253": 28592, + "ĠWare": 28593, + "Ġunsc": 28594, + "Times": 28595, + "Ġsummons": 28596, + "Ġdisconnected": 28597, + "Ġ184": 28598, + "cius": 28599, + "ĠGujar": 28600, + "odka": 28601, + "Ġerase": 28602, + "ĠTobacco": 28603, + "elected": 28604, + "Ġuncont": 28605, + "ĠShepard": 28606, + "ĠLamp": 28607, + "Ġalerted": 28608, + "Ġoperative": 28609, + "arna": 28610, + "uint": 28611, + "Ġnegligence": 28612, + "acements": 28613, + "Ġsupra": 28614, + "Ġprevail": 28615, + "ĠShark": 28616, + "Ġbelts": 28617, + "ãģ«": 28618, + "Ġtighter": 28619, + "Engineers": 28620, + "Ġinactive": 28621, + "Ġexponent": 28622, + "ĠWillie": 28623, + "aples": 28624, + "Ġheir": 28625, + "ĠHits": 28626, + "iann": 28627, + "ĠSays": 28628, + "Ġcurrents": 28629, + "ĠBengal": 28630, + "Ġarist": 28631, + "Buffer": 28632, + "Ġbreeze": 28633, + "ĠWesley": 28634, + "Cola": 28635, + "Ġpronoun": 28636, + "Ġdeed": 28637, + "ĠKling": 28638, + "Ġoft": 28639, + "Ġinflict": 28640, + "Ġpunishing": 28641, + "Ġnm": 28642, + "iku": 28643, + "ODUCT": 28644, + "014": 28645, + "Ġsubsidy": 28646, + "ĠDEA": 28647, + "ĠHerbert": 28648, + "ĠJal": 28649, + "Bank": 28650, + "Ġdeferred": 28651, + "Ġshipment": 28652, + "Bott": 28653, + "Ġalle": 28654, + "bearing": 28655, + "HTML": 28656, + "Offline": 28657, + "Ġ213": 28658, + "Ġscrolling": 28659, + "Ġscanned": 28660, + "ĠLibyan": 28661, + "ĠTOP": 28662, + "chrom": 28663, + "dt": 28664, + "column": 28665, + "PsyNetMessage": 28666, + "Zero": 28667, + "Ġtorso": 28668, + "050": 28669, + "âķIJ": 28670, + "Ġimperson": 28671, + "ĠSchwartz": 28672, + "udic": 28673, + "Ġpissed": 28674, + "ĠSapp": 28675, + "257": 28676, + "ĠISPs": 28677, + "ogl": 28678, + "Ġsupervised": 28679, + "Ġadolescent": 28680, + "Ġattained": 28681, + "ĠDelivery": 28682, + "ĠBunny": 28683, + "Ġ1937": 28684, + "Ġminiature": 28685, + "Ġos": 28686, + "Ġ370": 28687, + "608": 28688, + "ĠMourinho": 28689, + "Ġinnate": 28690, + "Ġtempo": 28691, + "ĠNM": 28692, + "ĠFallen": 28693, + "009": 28694, + "Ġprovocative": 28695, + "Streamer": 28696, + "ĠBenedict": 28697, + "ĠBolshe": 28698, + "Ġturtle": 28699, + "ĠPCB": 28700, + "ĠEqual": 28701, + "Director": 28702, + "ĠRend": 28703, + "Ġfluids": 28704, + "Authorities": 28705, + "Ġcousins": 28706, + "requency": 28707, + "ĠNeighbor": 28708, + "sets": 28709, + "shared": 28710, + "Charles": 28711, + "password": 28712, + "Ġgears": 28713, + "Ġ211": 28714, + "ĠHardware": 28715, + "rika": 28716, + "Ġupstream": 28717, + "Hom": 28718, + "Ġdisproportionately": 28719, + "ivities": 28720, + "Ġundefined": 28721, + "Ġelectrons": 28722, + "Ġcommemor": 28723, + "Eventually": 28724, + "Ġ><": 28725, + "Ġirresponsible": 28726, + "218": 28727, + "ĠReleased": 28728, + "ĠOVER": 28729, + "ĠIGN": 28730, + "ĠBread": 28731, + "stellar": 28732, + "ĠSage": 28733, + "tted": 28734, + "damage": 28735, + "edition": 28736, + "ĠPrec": 28737, + "Ġlime": 28738, + "Ġconfinement": 28739, + "Ġcalorie": 28740, + "weapon": 28741, + "Ġdiffering": 28742, + "ĠSina": 28743, + "mys": 28744, + "amd": 28745, + "Ġintricate": 28746, + "kk": 28747, + "ĠPAT": 28748, + "ão": 28749, + "stones": 28750, + "links": 28751, + "Ġranch": 28752, + "Semitic": 28753, + "Ġdifferentiate": 28754, + "ĠSinger": 28755, + "occupied": 28756, + "Ġfortress": 28757, + "cmd": 28758, + "Ġinterception": 28759, + "ĠAnkara": 28760, + "Ġrept": 28761, + "ĠSolitaire": 28762, + "Ġremake": 28763, + "pred": 28764, + "Ġdared": 28765, + "autions": 28766, + "ĠBACK": 28767, + "Running": 28768, + "Ġdebugging": 28769, + "Ġgraphs": 28770, + "399": 28771, + "ĠNigel": 28772, + "Ġbun": 28773, + "Ġpillow": 28774, + "Ġprogressed": 28775, + "fashioned": 28776, + "Ġobedience": 28777, + "ERN": 28778, + "Ġrehears": 28779, + "Cell": 28780, + "tl": 28781, + "Sher": 28782, + "Ġherald": 28783, + "ĠPayment": 28784, + "ĠCory": 28785, + "ĠDept": 28786, + "Ġrepent": 28787, + "ĠWeak": 28788, + "uckland": 28789, + "Ġpleasing": 28790, + "Ġshortages": 28791, + "Ġjurors": 28792, + "ĠKab": 28793, + "qqa": 28794, + "Anti": 28795, + "Ġwow": 28796, + "ĠRCMP": 28797, + "Ġtsun": 28798, + "ĠSic": 28799, + "Ġcomprises": 28800, + "Ġspies": 28801, + "Ġprecinct": 28802, + "nu": 28803, + "Ġurges": 28804, + "Ġtimed": 28805, + "Ġstripes": 28806, + "ĠBoots": 28807, + "Ġyen": 28808, + "Advanced": 28809, + "Ġdiscrete": 28810, + "ĠArchangel": 28811, + "employment": 28812, + "Diff": 28813, + "Ġmonuments": 28814, + "Ġ209": 28815, + "worker": 28816, + "Ġ196": 28817, + "ĠIg": 28818, + "utterstock": 28819, + "TPS": 28820, + "Jac": 28821, + "Ġhomelessness": 28822, + "Ġcommentator": 28823, + "Ġracially": 28824, + "fing": 28825, + "seed": 28826, + "Ele": 28827, + "ellation": 28828, + "Ġethanol": 28829, + "Ġparish": 28830, + "ĠDong": 28831, + "ĠAwakening": 28832, + "Ġdeviation": 28833, + "ĠBearing": 28834, + "ĠTsuk": 28835, + "Ġrecess": 28836, + "Ġlymph": 28837, + "ĠCannabis": 28838, + "åľ": 28839, + "ĠNEWS": 28840, + "Ġdra": 28841, + "ĠStefan": 28842, + "ĠWrong": 28843, + "ĠSAM": 28844, + "Ġloosely": 28845, + "Ġinterpreter": 28846, + "ĠPlain": 28847, + "Government": 28848, + "Ġbigotry": 28849, + "Ġgrenades": 28850, + "avez": 28851, + "pictured": 28852, + "Ġmandated": 28853, + "ĠMonk": 28854, + "ĠPedro": 28855, + "Ġlava": 28856, + "274": 28857, + "Ġcynical": 28858, + "ĠScrolls": 28859, + "locks": 28860, + "Mp": 28861, + "Ġcongregation": 28862, + "ornings": 28863, + "phil": 28864, + "ĠIbid": 28865, + "Ġferv": 28866, + "Ġdisappearing": 28867, + "Ġarrogant": 28868, + "syn": 28869, + "ĠMaver": 28870, + "ĠSuit": 28871, + "241": 28872, + "Ġabbre": 28873, + "ackers": 28874, + "Pa": 28875, + "ĠYel": 28876, + "Whenever": 28877, + "Ġ235": 28878, + "ĠVine": 28879, + "ĠAnat": 28880, + "Ġextinct": 28881, + "LET": 28882, + "Ġexecutable": 28883, + "VERS": 28884, + "oxide": 28885, + "DNA": 28886, + "ĠPrel": 28887, + "Ġresentment": 28888, + "Ġcomprise": 28889, + "ĠAviv": 28890, + "Ġinterceptions": 28891, + "Ġprolific": 28892, + "INA": 28893, + "ĠErin": 28894, + "thought": 28895, + "219": 28896, + "ĠPsychiatry": 28897, + "unky": 28898, + "chemist": 28899, + "Ho": 28900, + "ĠMcCoy": 28901, + "Ġbricks": 28902, + "Los": 28903, + "rily": 28904, + "ĠUSSR": 28905, + "Ġrud": 28906, + "Ġlaud": 28907, + "ĠWise": 28908, + "ĠEmerald": 28909, + "Ġrevived": 28910, + "Ġdamned": 28911, + "ĠRepair": 28912, + "idem": 28913, + "ctica": 28914, + "Ġpatriarch": 28915, + "ĠNurs": 28916, + "meg": 28917, + "Ġcheapest": 28918, + "reements": 28919, + "empty": 28920, + "ĠCelebr": 28921, + "Ġdeprivation": 28922, + "chanted": 28923, + "ĠThumbnails": 28924, + "Energy": 28925, + "ĠEthan": 28926, + "ĠQing": 28927, + "Ġopposes": 28928, + "WIND": 28929, + "vik": 28930, + "ĠMau": 28931, + "ĠSUB": 28932, + "667": 28933, + "GRE": 28934, + "ĠVolunte": 28935, + "nton": 28936, + "Cook": 28937, + "åIJ": 28938, + "esque": 28939, + "Ġplummet": 28940, + "Ġsuing": 28941, + "Ġpronounce": 28942, + "Ġresisting": 28943, + "ĠFishing": 28944, + "ĠTrials": 28945, + "Ġyell": 28946, + "Ġ310": 28947, + "Ġinduct": 28948, + "Ġpersonalized": 28949, + "often": 28950, + "Reb": 28951, + "EMBER": 28952, + "Ġviewpoint": 28953, + "Ġexistential": 28954, + "())": 28955, + "remove": 28956, + "MENTS": 28957, + "lasses": 28958, + "Ġevapor": 28959, + "Ġaisle": 28960, + "meta": 28961, + "Ġreflective": 28962, + "Ġentitlement": 28963, + "Ġdevised": 28964, + "music": 28965, + "ascade": 28966, + "Ġwinding": 28967, + "offset": 28968, + "Ġaccessibility": 28969, + "kered": 28970, + "Better": 28971, + "ĠJohnston": 28972, + "thinking": 28973, + "Snow": 28974, + "ĠCroatia": 28975, + "ĠAtomic": 28976, + "271": 28977, + "348": 28978, + "Ġtextbook": 28979, + "ĠSixth": 28980, + "ĠاÙĦ": 28981, + "Ġslider": 28982, + "ĠBurger": 28983, + "bol": 28984, + "Sync": 28985, + "Ġgrandchildren": 28986, + "Ġcerv": 28987, + "+)": 28988, + "Ġeternity": 28989, + "Ġtweeting": 28990, + "Ġspeculative": 28991, + "Ġpivotal": 28992, + "ĠWP": 28993, + "ĠTER": 28994, + "ynamic": 28995, + "Ġupl": 28996, + "ĠCats": 28997, + "perhaps": 28998, + "Ġclassmates": 28999, + "Ġblatant": 29000, + "'-": 29001, + "Ġlakh": 29002, + "antine": 29003, + "ĠBorg": 29004, + "iom": 29005, + "/(": 29006, + "ĠAthletic": 29007, + "Ġsar": 29008, + "OTA": 29009, + "ĠHoffman": 29010, + "Nevertheless": 29011, + "Ġadorable": 29012, + "Ġspawned": 29013, + "Associated": 29014, + "ĠDomestic": 29015, + "Ġimplant": 29016, + "ĠLuxem": 29017, + "ĠKens": 29018, + "Ġpumps": 29019, + "ĠSAT": 29020, + "Attributes": 29021, + "509": 29022, + "avour": 29023, + "Ġcentralized": 29024, + "ĠTN": 29025, + "Ġfreshly": 29026, + "ĠAchieve": 29027, + "Ġoutsiders": 29028, + "herty": 29029, + "ĠRee": 29030, + "ĠTowers": 29031, + "ĠDart": 29032, + "akable": 29033, + "Ġmp": 29034, + "ĠHeavenly": 29035, + "Ġripe": 29036, + "ĠCaroline": 29037, + "ryan": 29038, + "Ġclassics": 29039, + "Ġretiring": 29040, + "Ġ228": 29041, + "Ġah": 29042, + "Ġdealings": 29043, + "Ġpunching": 29044, + "ĠChapman": 29045, + "Options": 29046, + "maxwell": 29047, + "volume": 29048, + "Ġstal": 29049, + "Ġexported": 29050, + "ĠQuite": 29051, + "Ġnumerical": 29052, + "Burn": 29053, + "Fact": 29054, + "ĠKeystone": 29055, + "Ġtrending": 29056, + "Ġaltering": 29057, + "ĠAfricans": 29058, + "478": 29059, + "ĠMN": 29060, + "ĠKnock": 29061, + "Ġtemptation": 29062, + "Ġprestige": 29063, + "Overview": 29064, + "ĠTraditional": 29065, + "ĠBahrain": 29066, + "Private": 29067, + "ĠHOU": 29068, + "Ġbarr": 29069, + "ĠTat": 29070, + "Cube": 29071, + "USD": 29072, + "ĠGrande": 29073, + "ĠGat": 29074, + "ĠFlo": 29075, + "Ġresides": 29076, + "Ġindec": 29077, + "volent": 29078, + "Ġperpetual": 29079, + "ubes": 29080, + "Ġworldview": 29081, + "ĠQuantum": 29082, + "Ġfiltered": 29083, + "Ġensu": 29084, + "orgetown": 29085, + "ERSON": 29086, + "ĠMild": 29087, + "379": 29088, + "OTT": 29089, + "Ã¥": 29090, + "Ġvitamins": 29091, + "Ġribbon": 29092, + "Ġsincerely": 29093, + "ĠHin": 29094, + "Ġeighteen": 29095, + "Ġcontradictory": 29096, + "Ġglaring": 29097, + "Ġexpectancy": 29098, + "Ġconspir": 29099, + "Ġmonstrous": 29100, + "Ġ380": 29101, + "reci": 29102, + "Ġhandic": 29103, + "Ġpumped": 29104, + "Ġindicative": 29105, + "Ġrapp": 29106, + "Ġavail": 29107, + "ĠLEGO": 29108, + "ĠMarijuana": 29109, + "1985": 29110, + "erton": 29111, + "Ġtwentieth": 29112, + "################################": 29113, + "ĠSwamp": 29114, + "Ġvaluation": 29115, + "Ġaffiliates": 29116, + "adjusted": 29117, + "ĠFacility": 29118, + "262": 29119, + "Ġenzymes": 29120, + "itudinal": 29121, + "Ġimprint": 29122, + "Site": 29123, + "Ġinstaller": 29124, + "ĠTRA": 29125, + "mology": 29126, + "linear": 29127, + "ĠCollective": 29128, + "igating": 29129, + "ĠToken": 29130, + "Ġspeculated": 29131, + "KN": 29132, + "ĠCly": 29133, + "ority": 29134, + "Ġdefer": 29135, + "Ġinspectors": 29136, + "approved": 29137, + "RM": 29138, + "ĠSuns": 29139, + "Ġinforming": 29140, + "ĠSyracuse": 29141, + "ibli": 29142, + "765": 29143, + "Ġglove": 29144, + "Ġauthorize": 29145, + "â̦â̦â̦â̦â̦â̦â̦â̦": 29146, + "ĠCruise": 29147, + "Ġcontracting": 29148, + "shell": 29149, + "IFE": 29150, + "ĠJewel": 29151, + "pract": 29152, + "ĠPhotoshop": 29153, + "ĠKnowing": 29154, + "harm": 29155, + "Ġattractions": 29156, + "adan": 29157, + "etus": 29158, + "018": 29159, + "wagen": 29160, + "Alt": 29161, + "Ġmultiply": 29162, + "Ġequilibrium": 29163, + ":{": 29164, + "ĠFighters": 29165, + "ĠEdgar": 29166, + "Ġfourteen": 29167, + "Govern": 29168, + "Ġmisuse": 29169, + "Ġabusing": 29170, + "Ġancestry": 29171, + "ramer": 29172, + "644": 29173, + "Ġworms": 29174, + "Ġthicker": 29175, + "ĠCombine": 29176, + "Ġpeasants": 29177, + "Ġvind": 29178, + "Ġconquest": 29179, + "Ġmocked": 29180, + "Ġcinnamon": 29181, + "ĠCald": 29182, + "ĠGallup": 29183, + "Ġavoidance": 29184, + "Ġincarnation": 29185, + "ĠStrat": 29186, + "Ġtasted": 29187, + "enta": 29188, + "ĠNeal": 29189, + "pared": 29190, + "Ġterminology": 29191, + "jection": 29192, + "Scientists": 29193, + "ĠINS": 29194, + "ĠDee": 29195, + "Ġdirectories": 29196, + "Road": 29197, + "ĠShap": 29198, + "bright": 29199, + "ĠDirectors": 29200, + "ĠColumn": 29201, + "Ġbob": 29202, + "Ġpreferably": 29203, + "Ġglitch": 29204, + "furt": 29205, + "Ġeg": 29206, + "idis": 29207, + "CBC": 29208, + "Ġsurrendered": 29209, + "Ġtestament": 29210, + "336": 29211, + "uggest": 29212, + "ĠNil": 29213, + "another": 29214, + "Ġpathetic": 29215, + "ĠDonna": 29216, + "Ġ218": 29217, + "ĠAvery": 29218, + "Ġwhiskey": 29219, + "Ġfixture": 29220, + "ĠConquest": 29221, + "Ġbets": 29222, + "Occ": 29223, + "ĠLeicester": 29224, + "].\"": 29225, + "Ġ));": 29226, + "Ġflashes": 29227, + "456": 29228, + "Ġmasked": 29229, + "gebra": 29230, + "Ġcomputed": 29231, + "chel": 29232, + "auder": 29233, + "Ġdefeats": 29234, + "ĠLiberation": 29235, + "ĠOsama": 29236, + "ĠVive": 29237, + "Changes": 29238, + "Channel": 29239, + "Ġtariffs": 29240, + "Ġmage": 29241, + "ĠSax": 29242, + "Ġinadvertently": 29243, + "ĠCRE": 29244, + "ĠReaper": 29245, + "inky": 29246, + "grading": 29247, + "Ġstereotyp": 29248, + "Ġcurl": 29249, + "ĠFANT": 29250, + "Ġframeworks": 29251, + "Mom": 29252, + "ĠAnch": 29253, + "Ġflavour": 29254, + "carbon": 29255, + "Ġpermitting": 29256, + "letcher": 29257, + "ĠMozilla": 29258, + "ĠParking": 29259, + "ĠChamp": 29260, + "Scroll": 29261, + "Ġmurderer": 29262, + "Ġrested": 29263, + "Ġowes": 29264, + "ĠPoss": 29265, + "ADD": 29266, + "IFF": 29267, + "resolution": 29268, + "ĠMining": 29269, + "Ġcomparative": 29270, + "Dim": 29271, + "Ġneighbouring": 29272, + "ĠAST": 29273, + "ĠToxic": 29274, + "Ġbiases": 29275, + "Ġgunfire": 29276, + "urous": 29277, + "ĠMoment": 29278, + "1983": 29279, + "Ġpervasive": 29280, + "ttp": 29281, + "ĠNormally": 29282, + "rir": 29283, + "Sarah": 29284, + "ĠAlbany": 29285, + "Ġunsett": 29286, + "ĠSMS": 29287, + "ipers": 29288, + "layer": 29289, + "ĠWhites": 29290, + "uple": 29291, + "Ġturbo": 29292, + "ĠLeeds": 29293, + "Ġthats": 29294, + "ĠMiner": 29295, + "MER": 29296, + "ĠReign": 29297, + "Ġperme": 29298, + "ĠBlitz": 29299, + "Ġ1934": 29300, + "Ġintimidating": 29301, + "tube": 29302, + "Ġeccentric": 29303, + "abolic": 29304, + "boxes": 29305, + "ĠAssociates": 29306, + "votes": 29307, + "Ġsimulate": 29308, + "umbo": 29309, + "astery": 29310, + "Ġshipments": 29311, + "FFFF": 29312, + "anth": 29313, + "Ġseasoned": 29314, + "Ġexperimentation": 29315, + "âĸł": 29316, + "laws": 29317, + "Meet": 29318, + "iddles": 29319, + "antics": 29320, + "Rating": 29321, + "ISIS": 29322, + "hift": 29323, + "Ġfronts": 29324, + "buf": 29325, + "017": 29326, + "Ġunatt": 29327, + "ĠDil": 29328, + "leases": 29329, + "ĠGardens": 29330, + "777": 29331, + "touch": 29332, + "vell": 29333, + "458": 29334, + "Ġ=====": 29335, + "saving": 29336, + "Ġerosion": 29337, + "ĠQuin": 29338, + "Ġearns": 29339, + "Ġaccomplishment": 29340, + "ĠWei": 29341, + "Ġ<[": 29342, + "_____": 29343, + "Ġirrig": 29344, + "ĠTeddy": 29345, + "Ġconquered": 29346, + "ĠArmored": 29347, + "Ġasserts": 29348, + "Ġmanipulating": 29349, + "ré": 29350, + "Ġtranscripts": 29351, + "Gallery": 29352, + "Ġplotting": 29353, + "Neil": 29354, + "Ġbetrayal": 29355, + "loader": 29356, + "ĠSul": 29357, + "Ġdisplacement": 29358, + "Ġroyalty": 29359, + "ĠWI": 29360, + "heit": 29361, + "ĠDevices": 29362, + "allel": 29363, + "Ġmunicipalities": 29364, + "Ġcanal": 29365, + "Stars": 29366, + "ĠUAE": 29367, + "Ġ\"â̦": 29368, + "ĠCU": 29369, + "above": 29370, + "Ġresonance": 29371, + "ĠguiActiveUn": 29372, + "added": 29373, + "ĠBraves": 29374, + "ĠIbn": 29375, + "Ġhereby": 29376, + "ĠBRE": 29377, + "Ġshareholder": 29378, + "ĠHir": 29379, + "ĠJi": 29380, + "Ġstrangely": 29381, + "Ġadmired": 29382, + "Ġplight": 29383, + "Ġbachelor": 29384, + "ĠPole": 29385, + "ciplinary": 29386, + "Tony": 29387, + "ĠArmenian": 29388, + "Ġunman": 29389, + "ĠZionist": 29390, + "Stage": 29391, + "iscover": 29392, + "Ġautomotive": 29393, + "Ġsidelines": 29394, + "Ġslick": 29395, + "ĠRenaissance": 29396, + "ĠFUN": 29397, + "Images": 29398, + "ĠHaj": 29399, + "Ġping": 29400, + "Ġshortcut": 29401, + "ĠBlvd": 29402, + "ĠLooks": 29403, + "Ġbursts": 29404, + "Ġclamp": 29405, + "Ġmish": 29406, + "Ġsorting": 29407, + "Ġpatriot": 29408, + "Ġcorrectness": 29409, + "ĠScandinav": 29410, + "ĠCavaliers": 29411, + "python": 29412, + "azar": 29413, + "Ġ375": 29414, + "ĠJaune": 29415, + "409": 29416, + "Ġdetrimental": 29417, + "Ġstabbing": 29418, + "Ġpoisoned": 29419, + "Ġfountain": 29420, + "ocent": 29421, + "orst": 29422, + "ĠMari": 29423, + "Ġrains": 29424, + "ĠOvers": 29425, + "ĠInstitution": 29426, + "udget": 29427, + "AMY": 29428, + "tale": 29429, + "ĠKR": 29430, + "ĠPrices": 29431, + "Ġheadaches": 29432, + "Ġlandsl": 29433, + "ĠAura": 29434, + "Bonus": 29435, + "ĠZhao": 29436, + "ĠHip": 29437, + "Ġhops": 29438, + "ĠKurdistan": 29439, + "Ġexploiting": 29440, + "ryn": 29441, + "Ġhypocrisy": 29442, + "opening": 29443, + "Ġgunshot": 29444, + "Ġwed": 29445, + "interstitial": 29446, + "Interstitial": 29447, + "Ġamen": 29448, + "Breaking": 29449, + "Ġmarketed": 29450, + "Wire": 29451, + "ĠCrowd": 29452, + "Continue": 29453, + "ĠKnown": 29454, + "ĠEffective": 29455, + "orean": 29456, + "izons": 29457, + "Joseph": 29458, + "Ġescalation": 29459, + "username": 29460, + "Ġcurtain": 29461, + "ATES": 29462, + "ĠPAR": 29463, + "ĠMiy": 29464, + "Ġcounterfe": 29465, + "lene": 29466, + "Ġcontenders": 29467, + "daily": 29468, + "ĠAsc": 29469, + "ĠPhillip": 29470, + "mostly": 29471, + "Ġfilename": 29472, + "hene": 29473, + "Ġresembling": 29474, + "Ġstaging": 29475, + "ĠChloe": 29476, + "Ġwiring": 29477, + "Hon": 29478, + "ĠRenew": 29479, + "ottage": 29480, + "ĠHybrid": 29481, + "much": 29482, + "Ġstrokes": 29483, + "Ġpolicymakers": 29484, + "APTER": 29485, + "ĠArkham": 29486, + "plot": 29487, + "Ġassistants": 29488, + "Ġdeport": 29489, + "ĠSega": 29490, + "Ġinfluenza": 29491, + "ĠCursed": 29492, + "ĠKobe": 29493, + "Ġskinny": 29494, + "Provider": 29495, + "ĠRip": 29496, + "Ġincremental": 29497, + "products": 29498, + "BF": 29499, + "Ġdome": 29500, + "ĠCredits": 29501, + "Ġlosers": 29502, + "ints": 29503, + "ĠBetty": 29504, + "ĠTalent": 29505, + "ĠDAM": 29506, + "Lv": 29507, + "Ess": 29508, + "Ġdens": 29509, + "temp": 29510, + "Judge": 29511, + "odic": 29512, + "Ġ'(": 29513, + "URES": 29514, + "etsk": 29515, + "VO": 29516, + "Ġretrieved": 29517, + "Ġarchitects": 29518, + "Ùĩ": 29519, + "Ġethic": 29520, + "ĠSecondary": 29521, + "stocks": 29522, + "adia": 29523, + "Ġ325": 29524, + "ĠOpinion": 29525, + "Ġsimultaneous": 29526, + "Ġdizz": 29527, + "ulp": 29528, + "Ġsmuggling": 29529, + "ippery": 29530, + "Random": 29531, + "facing": 29532, + "ĠDas": 29533, + "Ġstockp": 29534, + "Ġdisclosures": 29535, + "pointer": 29536, + "Ġcoral": 29537, + "ĠSelection": 29538, + "ĠPike": 29539, + "ivalent": 29540, + "Ġruthless": 29541, + "ĠRim": 29542, + "Ġensuing": 29543, + "ĠExperiment": 29544, + "Ġcongressman": 29545, + "Ġbeliever": 29546, + "Ġunspecified": 29547, + "ĠMord": 29548, + "Ġknowledgeable": 29549, + "ĠVERY": 29550, + "TX": 29551, + "Ġstraps": 29552, + "Ġturf": 29553, + "apeshifter": 29554, + "Ġmarital": 29555, + "Ġflock": 29556, + "ãģĨ": 29557, + "263": 29558, + "AMES": 29559, + "ĠOpposition": 29560, + "Ġtreasures": 29561, + "ĠGOD": 29562, + "Ġmodeled": 29563, + "ĠWORLD": 29564, + "Ġ([": 29565, + "ĠUsage": 29566, + "HF": 29567, + "Ġ$(": 29568, + "ussed": 29569, + "Ġpioneer": 29570, + "Eight": 29571, + "parse": 29572, + "bread": 29573, + "ritz": 29574, + "ĠMiranda": 29575, + "ĠKant": 29576, + "++)": 29577, + "oren": 29578, + "Ġprovoked": 29579, + "Ġbreeds": 29580, + "ĠIncludes": 29581, + "ĠPastebin": 29582, + "ĠFlip": 29583, + "Java": 29584, + "Ġbrink": 29585, + "Ġrumored": 29586, + "Ġunseen": 29587, + "Ġgarnered": 29588, + "ĠDefin": 29589, + "alted": 29590, + "Ġtattoos": 29591, + "Ġhesitation": 29592, + "isitions": 29593, + "ĠWeaver": 29594, + "ĠReporting": 29595, + "Ġtherapies": 29596, + "Ġconsultants": 29597, + "Ġresidual": 29598, + "ĠMali": 29599, + "ĠRoma": 29600, + "iago": 29601, + "ĠResidents": 29602, + "ubi": 29603, + "Ġremedies": 29604, + "Ġadaptive": 29605, + "ĠAlive": 29606, + "ĠBarcl": 29607, + "Ġwallets": 29608, + "crypt": 29609, + "etermination": 29610, + "ĠPelosi": 29611, + "Ġslipping": 29612, + "otonin": 29613, + "Ġalliances": 29614, + "patrick": 29615, + "iris": 29616, + "Ġorth": 29617, + "ĠPerkins": 29618, + "ĠDeV": 29619, + "ĠGets": 29620, + "Ġdrying": 29621, + "gee": 29622, + "forest": 29623, + "ĠForget": 29624, + "orem": 29625, + "339": 29626, + "Ġvaguely": 29627, + "ĠDion": 29628, + "ĠPorn": 29629, + "ĠHOW": 29630, + "Ġpneum": 29631, + "Ġrubble": 29632, + "ĠTaste": 29633, + "encia": 29634, + "ĠGel": 29635, + "Ġdst": 29636, + "Ġ245": 29637, + "ĠMorocco": 29638, + "inflamm": 29639, + "ĠTwins": 29640, + "Ġbots": 29641, + "daughter": 29642, + "ĠBalk": 29643, + "Ġbrethren": 29644, + "Ġlogos": 29645, + "Ġgobl": 29646, + "fps": 29647, + "Ġsubdivision": 29648, + "Ġpawn": 29649, + "Ġsqueezed": 29650, + "Ġmorale": 29651, + "ĠDW": 29652, + "'\"": 29653, + "Ġknot": 29654, + "ooky": 29655, + "Ġdivisive": 29656, + "Ġboosted": 29657, + "chy": 29658, + "ãĥIJ": 29659, + "ifact": 29660, + "Ġnewcomers": 29661, + "ĠWrestling": 29662, + "Ġscouts": 29663, + "wolves": 29664, + "Rat": 29665, + "Ġnineteenth": 29666, + "ĠOsborne": 29667, + "Stats": 29668, + "Ġempowered": 29669, + "Ġpsychopath": 29670, + "ĠOEM": 29671, + "uggage": 29672, + "ĠPK": 29673, + "ĠMohammad": 29674, + "Pak": 29675, + "Ġanarchists": 29676, + "ĠExtract": 29677, + "esthes": 29678, + "ĠStockholm": 29679, + "loo": 29680, + "ĠGraph": 29681, + "Ġdeploying": 29682, + "ĠStranger": 29683, + "ĠMold": 29684, + "Ġstaffer": 29685, + "Ġdiscounted": 29686, + "uckle": 29687, + "please": 29688, + "ĠLanding": 29689, + "ÃŃa": 29690, + "Ġ193": 29691, + "Ġante": 29692, + "Ġrepetition": 29693, + "Ġ+/-": 29694, + "Ġparody": 29695, + "Ġlively": 29696, + "AAA": 29697, + "ĠHorus": 29698, + "Ġpits": 29699, + "inders": 29700, + "LOC": 29701, + "ĠVenice": 29702, + "406": 29703, + "ĠDiscover": 29704, + "âĨ": 29705, + "ellectual": 29706, + "Ġpens": 29707, + "Ġeyel": 29708, + "iguous": 29709, + "Impl": 29710, + "Ġjoking": 29711, + "Ġinval": 29712, + "ĠBelfast": 29713, + "Ġcreditors": 29714, + "ĠSkywalker": 29715, + "ovsky": 29716, + "Ġceasefire": 29717, + "Ġseals": 29718, + "isoft": 29719, + ")).": 29720, + "ĠFelix": 29721, + "ITS": 29722, + "Ġtresp": 29723, + "ĠBlockchain": 29724, + "eware": 29725, + "ĠSchwar": 29726, + "enne": 29727, + "mounted": 29728, + "ĠBeacon": 29729, + "lesh": 29730, + "Ġimmensely": 29731, + "Ġcheering": 29732, + "Employ": 29733, + "scene": 29734, + "ishly": 29735, + "atchewan": 29736, + "ĠNicolas": 29737, + "Ġdrained": 29738, + "ĠExit": 29739, + "ĠAzerb": 29740, + "jun": 29741, + "Ġfloated": 29742, + "uania": 29743, + "Deep": 29744, + "Ġsuperv": 29745, + "Ġmystical": 29746, + "ĠDollar": 29747, + "ĠApostle": 29748, + "ĠREL": 29749, + "ĠProvided": 29750, + "ĠBucks": 29751, + "ãĥ´": 29752, + "cutting": 29753, + "Ġenhancements": 29754, + "ĠPenguins": 29755, + "ĠIsaiah": 29756, + "Ġjerk": 29757, + "ĠWyn": 29758, + "Ġstalled": 29759, + "Ġcryptocurrencies": 29760, + "ĠRoland": 29761, + "single": 29762, + "Ġlumin": 29763, + "ĠFellow": 29764, + "ĠCapacity": 29765, + "ĠKazakh": 29766, + "WN": 29767, + "Ġfinanced": 29768, + "389": 29769, + "Ġtid": 29770, + "Ġcollusion": 29771, + "ĠMyr": 29772, + "îĢ": 29773, + "Senator": 29774, + "Ġpediatric": 29775, + "Ġneatly": 29776, + "Ġsandwiches": 29777, + "ĠArchitecture": 29778, + "Ġtucked": 29779, + "Ġbalcony": 29780, + "Ġearthquakes": 29781, + "quire": 29782, + "Future": 29783, + "Ġhefty": 29784, + "éĹ": 29785, + "Ġspecializes": 29786, + "Ġstresses": 29787, + "Ġsender": 29788, + "Ġmisunderstanding": 29789, + "Ġepile": 29790, + "Ġprovoke": 29791, + "ĠColors": 29792, + "Ġdismay": 29793, + "uko": 29794, + "[_": 29795, + "586": 29796, + "neutral": 29797, + "Ġdonating": 29798, + "ĠRandall": 29799, + "Multi": 29800, + "Ġconveniently": 29801, + "ĠSung": 29802, + "ĠCoca": 29803, + "Ġtents": 29804, + "ĠAcceler": 29805, + "Ġpartnered": 29806, + "272": 29807, + "irming": 29808, + "ĠBAS": 29809, + "sometimes": 29810, + "Ġobjected": 29811, + "ubric": 29812, + "posed": 29813, + "LCS": 29814, + "grass": 29815, + "Ġattributable": 29816, + "VIS": 29817, + "Israeli": 29818, + "Ġrepeats": 29819, + "ĠRM": 29820, + "vag": 29821, + "uta": 29822, + "inous": 29823, + "Ġinert": 29824, + "ĠMiguel": 29825, + "æŃ": 29826, + "ĠHawaiian": 29827, + "Board": 29828, + "Ġartific": 29829, + "ĠAzerbai": 29830, + "asio": 29831, + "ĠRent": 29832, + "AIN": 29833, + "Ġappliances": 29834, + "Ġnationality": 29835, + "Ġasshole": 29836, + "ĠNeb": 29837, + "Ġnotch": 29838, + "hani": 29839, + "ĠBride": 29840, + "Availability": 29841, + "Ġintercepted": 29842, + "Ġcontinental": 29843, + "Ġswelling": 29844, + "ĠPerspect": 29845, + "bies": 29846, + ".<": 29847, + "ithmetic": 29848, + "ĠLara": 29849, + "Ġtempting": 29850, + "addr": 29851, + "Ġoverseeing": 29852, + "clad": 29853, + "ĠDV": 29854, + "ĠGingrich": 29855, + "Ġmun": 29856, + "ĠAppropri": 29857, + "Ġalterations": 29858, + "ĠPatreon": 29859, + "Ġhavoc": 29860, + "Ġdisciplines": 29861, + "Ġnotoriously": 29862, + "akuya": 29863, + "ieri": 29864, + "?).": 29865, + "ĠWent": 29866, + "Ġsilicon": 29867, + "Ġtremb": 29868, + "Container": 29869, + "Known": 29870, + "Ġmortar": 29871, + "este": 29872, + "icka": 29873, + "Arthur": 29874, + "ĠPreviously": 29875, + "ĠMarty": 29876, + "Ġsparse": 29877, + "gins": 29878, + "Ġinward": 29879, + "ĠParticipant": 29880, + "Copy": 29881, + "ĠMisc": 29882, + "Ġantibiotic": 29883, + "ĠRetro": 29884, + "Ġelusive": 29885, + "Ġassail": 29886, + "ĠBattalion": 29887, + "ĠBought": 29888, + "Ġdiminish": 29889, + "ĠEuropa": 29890, + "session": 29891, + "ĠDangerous": 29892, + "iesel": 29893, + "Ġdisbelief": 29894, + "Ġblasts": 29895, + "extreme": 29896, + "ĠBoyd": 29897, + "ĠProjects": 29898, + "ĠGuys": 29899, + "Ġundergone": 29900, + "Ġgrill": 29901, + "ĠDwight": 29902, + "Ġ197": 29903, + "USER": 29904, + "Ġfilesystem": 29905, + "Ġclocks": 29906, + "Taylor": 29907, + "Ġwrapper": 29908, + "Ġfolding": 29909, + "ousand": 29910, + "ĠPhilippine": 29911, + "ATIONAL": 29912, + "ĠPerth": 29913, + "Ġashes": 29914, + "Ġaccumulate": 29915, + "ĠGateway": 29916, + "Shop": 29917, + "orkshire": 29918, + "Han": 29919, + "ĠBarrel": 29920, + "ĠLeh": 29921, + "ĠXV": 29922, + "Ġwhim": 29923, + "Ġrepo": 29924, + "ĠCG": 29925, + "ĠMam": 29926, + "Ġincorporating": 29927, + "Ġbailout": 29928, + "Ġlinguistic": 29929, + "Ġdisinteg": 29930, + "CLE": 29931, + "Ġcinematic": 29932, + "ĠFiber": 29933, + "Syn": 29934, + "ilion": 29935, + "ĠCompos": 29936, + "chens": 29937, + "Ġneoc": 29938, + "Ġboiled": 29939, + "FINE": 29940, + "ono": 29941, + "uncle": 29942, + "iken": 29943, + "ĠBM": 29944, + "ι": 29945, + "Ġreceipts": 29946, + "Ġdisposed": 29947, + "ĠThirty": 29948, + "ĠRough": 29949, + "ĠABS": 29950, + "Ġnotwithstanding": 29951, + "ollen": 29952, + "#$": 29953, + "Ġunreliable": 29954, + "Ġbloom": 29955, + "Ġmediocre": 29956, + "Ġtram": 29957, + "ĠTasman": 29958, + "Ġshakes": 29959, + "Ġmanifesto": 29960, + "ĠMW": 29961, + "Ġsatisfactory": 29962, + "Ġshores": 29963, + "Ġcomputation": 29964, + "Ġassertions": 29965, + "ormons": 29966, + "arag": 29967, + "abit": 29968, + "Democrats": 29969, + "ĠLoot": 29970, + "ĠVolks": 29971, + "haired": 29972, + "Ġgravitational": 29973, + "Sing": 29974, + "ĠMiz": 29975, + "Ġthrottle": 29976, + "Ġtyranny": 29977, + "ĠViews": 29978, + "Ġrobber": 29979, + "ĠMinority": 29980, + "Ġshrine": 29981, + "scope": 29982, + "purpose": 29983, + "Ġnucleus": 29984, + "ourcing": 29985, + "ĠUSDA": 29986, + "ĠDHS": 29987, + "wra": 29988, + "ĠBowie": 29989, + "Scale": 29990, + "ĠBEL": 29991, + "xi": 29992, + "Iter": 29993, + "Ġ(),": 29994, + "wright": 29995, + "Ġsailors": 29996, + "oused": 29997, + "NASA": 29998, + "ĠProof": 29999, + "ĠMineral": 30000, + "token": 30001, + "ĠFD": 30002, + "Rew": 30003, + "Ġell": 30004, + "630": 30005, + "Ġchancellor": 30006, + "ĠGos": 30007, + "Ġamounted": 30008, + "ĠRecre": 30009, + "omez": 30010, + "ĠOptim": 30011, + "ĠOlive": 30012, + "Ġtracker": 30013, + "owler": 30014, + "ĠUnique": 30015, + "Root": 30016, + "Ġmaritime": 30017, + "ĠQuran": 30018, + "ĠAdapt": 30019, + "Ġecosystems": 30020, + "ĠRepeat": 30021, + "ĠSoy": 30022, + "ĠIMP": 30023, + "Ġgraduating": 30024, + "andem": 30025, + "Pur": 30026, + "ĠReset": 30027, + "ĠTrick": 30028, + "ĠPhilly": 30029, + "ĠTue": 30030, + "ĠMalaysian": 30031, + "Ġclimax": 30032, + "Ġbury": 30033, + "Ġconspic": 30034, + "ĠSouthampton": 30035, + "ĠFlowers": 30036, + "Ġescorted": 30037, + "ĠEducational": 30038, + "ĠIRC": 30039, + "Ġbrutally": 30040, + "eating": 30041, + "Ġpillar": 30042, + "ĠSang": 30043, + "ĠJude": 30044, + "arling": 30045, + "ĠAmnesty": 30046, + "Ġreminding": 30047, + "ĠAdministrative": 30048, + "hesda": 30049, + "Ġflashed": 30050, + "ĠPBS": 30051, + "perate": 30052, + "feature": 30053, + "Ġswipe": 30054, + "Ġgraves": 30055, + "oultry": 30056, + "261": 30057, + "breaks": 30058, + "ĠGuer": 30059, + "Ġshrimp": 30060, + "ĠVoting": 30061, + "quist": 30062, + "Ġanalytical": 30063, + "Ġtablespoons": 30064, + "ĠSOU": 30065, + "Ġresearched": 30066, + "Ġdisrupted": 30067, + "Ġjour": 30068, + "Ġreplica": 30069, + "Ġcartoons": 30070, + "bians": 30071, + "})": 30072, + "copy": 30073, + "Got": 30074, + "ouched": 30075, + "PUT": 30076, + "Ġswarm": 30077, + "notations": 30078, + "said": 30079, + "Ġrebuilt": 30080, + "Ġcollaborate": 30081, + "Ġraging": 30082, + "Ġnar": 30083, + "Ġdemographics": 30084, + "ĠDDR": 30085, + "Ġdistrust": 30086, + "ossier": 30087, + "ĠKro": 30088, + "Ġpumpkin": 30089, + "Ġregrets": 30090, + "Ġfatalities": 30091, + "ĠLens": 30092, + "ĠOle": 30093, + "pd": 30094, + "Ġpuppet": 30095, + "ĠOutlook": 30096, + "ĠStam": 30097, + "Ol": 30098, + "Fair": 30099, + "UU": 30100, + "Ġrewritten": 30101, + "ı": 30102, + "Ġfascinated": 30103, + "Ġvectors": 30104, + "Ġtribunal": 30105, + "uay": 30106, + "ĠMats": 30107, + "ĠCoins": 30108, + "[[": 30109, + "Ġ181": 30110, + "Ġrenders": 30111, + "ĠKaepernick": 30112, + "Ġespionage": 30113, + "Ġsumm": 30114, + "Ġditch": 30115, + "Account": 30116, + "Ġspreadsheet": 30117, + "Ġmutant": 30118, + "past": 30119, + "407": 30120, + "Ġdye": 30121, + "Ġinitiation": 30122, + "Ġ4000": 30123, + "Ġpunishable": 30124, + "Ġthinner": 30125, + "ĠKhal": 30126, + "Ġintermedi": 30127, + "Dun": 30128, + "ĠGotham": 30129, + "Ġeagerly": 30130, + "Ġvaginal": 30131, + "powers": 30132, + "VW": 30133, + "ĠWATCHED": 30134, + "Ġpredator": 30135, + "amsung": 30136, + "Ġdisparity": 30137, + "Ġ[*": 30138, + "Ġamph": 30139, + "Ġoutskirts": 30140, + "ĠSpirits": 30141, + "Ġskeletal": 30142, + "л": 30143, + "ĠRear": 30144, + "Ġissuance": 30145, + "ĠLogic": 30146, + "released": 30147, + "ZZ": 30148, + "ĠBound": 30149, + "Entry": 30150, + "Ġexits": 30151, + "isol": 30152, + "ĠFounder": 30153, + "Ġwre": 30154, + "ĠGreenland": 30155, + "ĠMMO": 30156, + "taker": 30157, + "INC": 30158, + "ãģ¾": 30159, + "Ġhourly": 30160, + "henko": 30161, + "Ġfantasies": 30162, + "Ġdisob": 30163, + "Ġdemolition": 30164, + "ãĥĭ": 30165, + "Ġenlisted": 30166, + "ratulations": 30167, + "Ġmisguided": 30168, + "Ġensured": 30169, + "Ġdiscouraged": 30170, + "mort": 30171, + "Ġflank": 30172, + "Ġcess": 30173, + "Ġreacts": 30174, + "ĠSere": 30175, + "sensitive": 30176, + "ĠSerpent": 30177, + "assad": 30178, + "Ġ247": 30179, + "Ġcalmly": 30180, + "busters": 30181, + "Ġbleed": 30182, + "ĠStro": 30183, + "Ġamusement": 30184, + "ĠAntarctica": 30185, + "Ġscept": 30186, + "ĠGaw": 30187, + "aq": 30188, + "asonic": 30189, + "Ġsprawling": 30190, + "native": 30191, + "aturated": 30192, + "ĠBattlefield": 30193, + "IVERS": 30194, + "EB": 30195, + "ĠGems": 30196, + "ĠNorthwestern": 30197, + "ĠFilms": 30198, + "ĠAutomatic": 30199, + "Ġapprehend": 30200, + "ãģ¨": 30201, + "ĠguiName": 30202, + "Ġbackend": 30203, + "Ġevidenced": 30204, + "geant": 30205, + "012": 30206, + "ĠSiege": 30207, + "ĠexternalTo": 30208, + "ĠunfocusedRange": 30209, + "ĠguiActiveUnfocused": 30210, + "ĠguiIcon": 30211, + "ĠexternalToEVA": 30212, + "ĠexternalToEVAOnly": 30213, + "Fri": 30214, + "chard": 30215, + "enaries": 30216, + "Ġchiefs": 30217, + "Ġcf": 30218, + "ĠHUD": 30219, + "Ġcorrobor": 30220, + "ĠdB": 30221, + "ĠTaken": 30222, + "ĠPatricia": 30223, + "rail": 30224, + "ĠCharm": 30225, + "ĠLibertarian": 30226, + "rieve": 30227, + "Personal": 30228, + "ĠOUR": 30229, + "geries": 30230, + "Ġdumping": 30231, + "Ġneurological": 30232, + "itimate": 30233, + "ĠClintons": 30234, + "rafted": 30235, + "ĠMolly": 30236, + "Ġterminals": 30237, + "register": 30238, + "Ġflare": 30239, + "Ġencoded": 30240, + "Ġautopsy": 30241, + "pel": 30242, + "machine": 30243, + "Ġexemptions": 30244, + "ĠRoyals": 30245, + "distance": 30246, + "Ġdrafts": 30247, + "Ġlame": 30248, + "ĠCunning": 30249, + "Ġspouses": 30250, + "ĠMarkets": 30251, + "ĠCarrier": 30252, + "Ġimplying": 30253, + "ĠYak": 30254, + "sid": 30255, + "Ġloser": 30256, + "Ġvigilant": 30257, + "Ġimpeachment": 30258, + "Ġaugmented": 30259, + "ĠEmployees": 30260, + "Ġunintended": 30261, + "ternally": 30262, + "ĠWatt": 30263, + "Ġrecognizable": 30264, + "essim": 30265, + "æĿ": 30266, + "Ġcoated": 30267, + "rha": 30268, + "Ġlieutenant": 30269, + "ĠLegislation": 30270, + "published": 30271, + "444": 30272, + "013": 30273, + "Ġideally": 30274, + "ĠPassword": 30275, + "Ġsimplify": 30276, + "ĠMeta": 30277, + "ĠMRI": 30278, + "Ġpleading": 30279, + "organized": 30280, + "handler": 30281, + "Ġunravel": 30282, + "correct": 30283, + "Ġicy": 30284, + "Ġparanoid": 30285, + "Ġpasser": 30286, + "Ġinspections": 30287, + "ofer": 30288, + "ĠHealthcare": 30289, + "283": 30290, + "ĠBrut": 30291, + "iola": 30292, + "forge": 30293, + "ĠMedieval": 30294, + "MSN": 30295, + "ievers": 30296, + "ĠProgramming": 30297, + "åī": 30298, + "Ġ223": 30299, + "mu": 30300, + "ĠCLE": 30301, + "uga": 30302, + "Ġshoppers": 30303, + "Ġinformative": 30304, + "ĠPlans": 30305, + "Ġsupplementation": 30306, + "ĠTests": 30307, + "tyard": 30308, + "ocytes": 30309, + "ĠVega": 30310, + "ĠGujarat": 30311, + "ermanent": 30312, + "Except": 30313, + "ĠLOT": 30314, + "alla": 30315, + "ĠCumm": 30316, + "ĠOsw": 30317, + "Ġvenom": 30318, + "ĠDebt": 30319, + "ĠDOWN": 30320, + "Ġreunion": 30321, + "Ġmuc": 30322, + "ĠRelief": 30323, + "Ġgeop": 30324, + "ĠðŁĺ": 30325, + "alogue": 30326, + "Anth": 30327, + "echo": 30328, + "Ġcorros": 30329, + "Ġreplication": 30330, + "ĠBlazing": 30331, + "ĠDaughter": 30332, + "Ġinflic": 30333, + "ĠLindsey": 30334, + "ÙĪ": 30335, + "284": 30336, + "Exit": 30337, + "Ġgloom": 30338, + "TAIN": 30339, + "Ġundermining": 30340, + "Ġadvising": 30341, + "hidden": 30342, + "Ġoverflow": 30343, + "Ġgor": 30344, + "urdue": 30345, + "Ġechoes": 30346, + "enhagen": 30347, + "Ġimpuls": 30348, + "drug": 30349, + "cash": 30350, + "Ġasync": 30351, + "Ġmirac": 30352, + "atts": 30353, + "punk": 30354, + "Ġpivot": 30355, + "ĠLegislative": 30356, + "Ġbloggers": 30357, + "ĠClaw": 30358, + "sburg": 30359, + "dyl": 30360, + "ĠRecommend": 30361, + "Ġverte": 30362, + "Ġprohibiting": 30363, + "ĠPanther": 30364, + "Jonathan": 30365, + "Ġomin": 30366, + "Ġhateful": 30367, + "281": 30368, + "ĠOrche": 30369, + "ĠMurdoch": 30370, + "downs": 30371, + "Ġasymm": 30372, + "GER": 30373, + "Always": 30374, + "Ġinforms": 30375, + "ĠWM": 30376, + "ĠPony": 30377, + "ĠAppendix": 30378, + "ĠArlington": 30379, + "Jam": 30380, + "Ġmedicinal": 30381, + "ĠSlam": 30382, + "ITIES": 30383, + "Ġreaff": 30384, + "ĠRi": 30385, + "FG": 30386, + "Spring": 30387, + "bool": 30388, + "Ġthighs": 30389, + "Ġmarkings": 30390, + "ĠRaqqa": 30391, + "ĠLak": 30392, + "poll": 30393, + "tsky": 30394, + "ĠMorty": 30395, + "ĠDefinition": 30396, + "Ġdebunk": 30397, + "endered": 30398, + "ĠLeone": 30399, + "avers": 30400, + "Ġmortgages": 30401, + "Apparently": 30402, + "Nic": 30403, + "haus": 30404, + "ĠThousands": 30405, + "auld": 30406, + "Ġmash": 30407, + "shoot": 30408, + "Ġdiarr": 30409, + "Ġconsciously": 30410, + "Hero": 30411, + "eas": 30412, + "ĠNaturally": 30413, + "ĠDestroyer": 30414, + "Ġdashboard": 30415, + "services": 30416, + "Rog": 30417, + "Ġmillennials": 30418, + "Ġinvade": 30419, + "-(": 30420, + "Ġcommissions": 30421, + "ĠAuckland": 30422, + "Ġbroadcasts": 30423, + "Ġfrontal": 30424, + "Ġcrank": 30425, + "ĠHistoric": 30426, + "Ġrumours": 30427, + "CTV": 30428, + "Ġsteril": 30429, + "Ġbooster": 30430, + "rocket": 30431, + "ãĤ¼": 30432, + "utsche": 30433, + "ĠPI": 30434, + "Ġ233": 30435, + "ĠProducer": 30436, + "ĠAnalytics": 30437, + "Ġinvaluable": 30438, + "Ġunintention": 30439, + "ĠCY": 30440, + "Ġscrutin": 30441, + "Ġgigg": 30442, + "Ġengulf": 30443, + "Ġproletariat": 30444, + "Ġhacks": 30445, + "ĠHew": 30446, + "arak": 30447, + "ĠSlime": 30448, + "ielding": 30449, + "agher": 30450, + "ĠElliot": 30451, + "Ġtelecom": 30452, + "Ġ219": 30453, + "ultan": 30454, + "ĠArbor": 30455, + "ĠScouts": 30456, + "Ban": 30457, + "Ġlifespan": 30458, + "Ġblasp": 30459, + "388": 30460, + "Ġjudiciary": 30461, + "ĠContinental": 30462, + "asking": 30463, + "McC": 30464, + "LED": 30465, + "Ġbaggage": 30466, + "ĠSorcerer": 30467, + "Ġremnants": 30468, + "ĠGriffith": 30469, + "etsu": 30470, + "ĠSubaru": 30471, + "ĠPersonality": 30472, + "designed": 30473, + "ushima": 30474, + "agnar": 30475, + "Ġrecoil": 30476, + "Ġpassions": 30477, + "\\\":": 30478, + "Ġtee": 30479, + "Ġabolition": 30480, + "ĠCreating": 30481, + "jac": 30482, + "Ġ194": 30483, + "019": 30484, + "Ġpillars": 30485, + "riched": 30486, + "/\"": 30487, + "tk": 30488, + "Ġlivelihood": 30489, + "Ġroasted": 30490, + "ahon": 30491, + "ĠHutch": 30492, + "assert": 30493, + "Ġdividend": 30494, + "Ġknit": 30495, + "Ġdaunting": 30496, + "Ġdisturbance": 30497, + "Ġshale": 30498, + "Ġcultivated": 30499, + "Ġrefrigerator": 30500, + "LB": 30501, + "ĠNET": 30502, + "Ġcommercials": 30503, + "Ġthinkers": 30504, + "455": 30505, + "Ġchop": 30506, + "Broad": 30507, + "Ġsuspicions": 30508, + "Ġtagged": 30509, + "lifting": 30510, + "Ġstylish": 30511, + "ĠShields": 30512, + "Shortly": 30513, + "Ġtails": 30514, + "Auth": 30515, + "STE": 30516, + "ĠGAME": 30517, + "Ġseism": 30518, + "ĠKis": 30519, + "ologne": 30520, + "Ġcowork": 30521, + "Ġforcibly": 30522, + "Ġthyroid": 30523, + "ĠPB": 30524, + "ANE": 30525, + "married": 30526, + "horse": 30527, + "Ġpolymer": 30528, + "ĠChal": 30529, + "odor": 30530, + "DEBUG": 30531, + "ĠContext": 30532, + "Ġbliss": 30533, + "Ġpinpoint": 30534, + "ĠMathemat": 30535, + "legram": 30536, + "ĠWeekend": 30537, + "Ġlabelled": 30538, + "Ġbart": 30539, + "itles": 30540, + "Ġestrogen": 30541, + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ": 30542, + "\"'": 30543, + "Ġvisibly": 30544, + "Ġoutsider": 30545, + "aida": 30546, + "Area": 30547, + "Ġdissemin": 30548, + "Ġdishonest": 30549, + "ĠClosed": 30550, + "ĠBulletin": 30551, + "ĠRamsey": 30552, + "sword": 30553, + "ĠXI": 30554, + "ourced": 30555, + "Same": 30556, + "346": 30557, + "ĠRepe": 30558, + "ĠKou": 30559, + "cake": 30560, + "emis": 30561, + "Cache": 30562, + "ĠMeaning": 30563, + "ĠEnlight": 30564, + "onomy": 30565, + "Ġmanifestation": 30566, + "sworth": 30567, + "Jay": 30568, + "Ġchore": 30569, + "ör": 30570, + "Dream": 30571, + "Ġsanctioned": 30572, + "Ġculturally": 30573, + "ĠAra": 30574, + "Nav": 30575, + "Ġtheological": 30576, + "Ġstrut": 30577, + "ĠVO": 30578, + "ĠHandbook": 30579, + "Ġconstructing": 30580, + "Ġ¶": 30581, + "ĠBenefits": 30582, + "ĠPsychological": 30583, + "sac": 30584, + "å¸": 30585, + "policy": 30586, + "ĠMatters": 30587, + "ĠReported": 30588, + "ĠByte": 30589, + "Ġvitro": 30590, + "ĠMaiden": 30591, + "Ġlam": 30592, + "ĠJennings": 30593, + "Ġgarment": 30594, + "ĠRutgers": 30595, + "ĠStafford": 30596, + "ĠWellington": 30597, + "Ġintermitt": 30598, + "Ġnpm": 30599, + "Ġordeal": 30600, + "Ġplugged": 30601, + "ooming": 30602, + "inished": 30603, + "framework": 30604, + "Ġtimber": 30605, + "Ġcass": 30606, + "Ġ850": 30607, + "iless": 30608, + "ĠRedux": 30609, + "768": 30610, + "Stre": 30611, + "Ġsurpassed": 30612, + "whel": 30613, + "Ġparallels": 30614, + "Ġveil": 30615, + "ĠGI": 30616, + "ĠREST": 30617, + "Ġreadiness": 30618, + "sort": 30619, + "Ġmodifying": 30620, + "ĠSlate": 30621, + "ruff": 30622, + "Ġmarble": 30623, + "Ġinfrared": 30624, + "Ġauditor": 30625, + "ĠFANTASY": 30626, + "ĠPoverty": 30627, + "ĠSPD": 30628, + "Ġ\"(": 30629, + "Ky": 30630, + "RAY": 30631, + "Ġexecutions": 30632, + "ĠBeverly": 30633, + "ĠMarxism": 30634, + "ĠBurst": 30635, + "ĠKali": 30636, + "estones": 30637, + "Clearly": 30638, + "Ell": 30639, + "ãģ§": 30640, + "ĠProceedings": 30641, + "Token": 30642, + "IFIC": 30643, + "ña": 30644, + "Central": 30645, + "ĠHaley": 30646, + "ĠDrama": 30647, + "Ġformations": 30648, + "ORN": 30649, + "Books": 30650, + "Ġdominating": 30651, + "ĠFlyers": 30652, + "ĠCompanion": 30653, + "Ġdisciplined": 30654, + "ĠYugoslav": 30655, + "ĠSpells": 30656, + "Ġvengeance": 30657, + "Ġlandlords": 30658, + "Len": 30659, + "ĠOgre": 30660, + "anoia": 30661, + "Ġpiercing": 30662, + "Ġcongreg": 30663, + "Ġscorer": 30664, + "obia": 30665, + "Ġnickel": 30666, + "ĠLearns": 30667, + "Ġrejo": 30668, + "Ġmasterpiece": 30669, + "Flash": 30670, + "Ġinhabited": 30671, + "ĠOpenGL": 30672, + "ĠDud": 30673, + "ĠICO": 30674, + "Ġarter": 30675, + "Ġplur": 30676, + "Ġmastery": 30677, + "Ġlongstanding": 30678, + "sted": 30679, + "Ġwines": 30680, + "Ġtelevised": 30681, + "ĠShrine": 30682, + "ĠBayern": 30683, + "Ġâĵĺ": 30684, + "Ġenclosure": 30685, + "john": 30686, + "Ġprophets": 30687, + "ĠResurrection": 30688, + "ĠOrders": 30689, + "Ġuneven": 30690, + "rals": 30691, + "Ġdwind": 30692, + "ĠLah": 30693, + "ĠSloven": 30694, + "378": 30695, + "Ġinsistence": 30696, + "affle": 30697, + "ĠClone": 30698, + "Ġhardship": 30699, + "ĠCongressman": 30700, + "Ġplead": 30701, + "Ġreviewers": 30702, + "Ġcured": 30703, + "Ġ1935": 30704, + "asley": 30705, + "fake": 30706, + "ĠThinking": 30707, + "ydia": 30708, + "PART": 30709, + "ĠDota": 30710, + "oit": 30711, + "Ġwhipped": 30712, + "Ġbouncing": 30713, + "ĠHispanics": 30714, + "comings": 30715, + "Ġcannabin": 30716, + "ĠChambers": 30717, + "ĠZack": 30718, + "Optional": 30719, + "Ġcoats": 30720, + "Ġprowess": 30721, + "ĠNorton": 30722, + "Ġplainly": 30723, + "Ġfreight": 30724, + "Ġinhibition": 30725, + "Ġclam": 30726, + "Ġ303": 30727, + "kef": 30728, + "aleigh": 30729, + "Luke": 30730, + "Ġpsycho": 30731, + "atorium": 30732, + "MED": 30733, + "Ġtreaties": 30734, + "Ġindisc": 30735, + "Ġdc": 30736, + "OPS": 30737, + "Ġresilient": 30738, + "ĠInterstate": 30739, + "Ġslack": 30740, + "Ġmundane": 30741, + "Ġestablishes": 30742, + "359": 30743, + "Ġstrained": 30744, + "Ġnond": 30745, + "Sus": 30746, + "Ġcaste": 30747, + "arate": 30748, + "ieving": 30749, + "Ġunfairly": 30750, + "Ġparser": 30751, + "onial": 30752, + "ursive": 30753, + "Via": 30754, + "ĠOtto": 30755, + "ĠAuthorities": 30756, + "stroke": 30757, + "KR": 30758, + "ĠMercy": 30759, + "Ġfurnished": 30760, + "Ġoutset": 30761, + "Ġmetic": 30762, + "1982": 30763, + "olithic": 30764, + "ĠTent": 30765, + "ogical": 30766, + "ĠAircraft": 30767, + "Ġhides": 30768, + "ĠBecame": 30769, + "Ġeducators": 30770, + "reaching": 30771, + "Ġvolatility": 30772, + "Ġtoddler": 30773, + "ĠNASCAR": 30774, + "ĠTwelve": 30775, + "ĠHighlights": 30776, + "Ġgrape": 30777, + "Ġsplits": 30778, + "Ġpeasant": 30779, + "Ġreneg": 30780, + "ĠMSI": 30781, + "Temp": 30782, + "stars": 30783, + "Ġtrek": 30784, + "ĠHyde": 30785, + "binding": 30786, + "Ġrealism": 30787, + "Ġoxide": 30788, + "ĠHos": 30789, + "Ġmounts": 30790, + "Ġbiting": 30791, + "Ġcollapsing": 30792, + "Ġpostal": 30793, + "Ġmuseums": 30794, + "Ġdetached": 30795, + "Ġrespecting": 30796, + "Ġmonopol": 30797, + "Ġworkflow": 30798, + "ĠCake": 30799, + "Template": 30800, + "ĠOrganisation": 30801, + "Ġpersistence": 30802, + "369": 30803, + "Coming": 30804, + "Brad": 30805, + "Ġredundant": 30806, + "ĠGTA": 30807, + "Ġbending": 30808, + "Ġrevoked": 30809, + "Ġoffending": 30810, + "Ġframing": 30811, + "Ġprintf": 30812, + "Commun": 30813, + "members": 30814, + "Outside": 30815, + "Ġconstrued": 30816, + "Ġcoded": 30817, + "FORE": 30818, + "Ġchast": 30819, + "Chat": 30820, + "Indian": 30821, + "ĠYard": 30822, + "?!\"": 30823, + "ĠPorts": 30824, + "ĠXavier": 30825, + "ĠRET": 30826, + "'.\"": 30827, + "ĠBoat": 30828, + "ivated": 30829, + "icht": 30830, + "umerable": 30831, + "Ds": 30832, + "ĠDunn": 30833, + "Ġcoffin": 30834, + "Ġsecurely": 30835, + "ĠRaptors": 30836, + "ĠBes": 30837, + "Installation": 30838, + "Ġinception": 30839, + "ĠHealthy": 30840, + "endants": 30841, + "Ġpsychologists": 30842, + "ĠSheikh": 30843, + "cultural": 30844, + "ĠBlackBerry": 30845, + "shift": 30846, + "Fred": 30847, + "oche": 30848, + "Ġcakes": 30849, + "ĠSEO": 30850, + "ĠGian": 30851, + "ĠAsians": 30852, + "ogging": 30853, + "element": 30854, + "Ġpundits": 30855, + "ĠVaugh": 30856, + "ĠGavin": 30857, + "Ġhitter": 30858, + "Ġdrowned": 30859, + "Ġchalk": 30860, + "ĠZika": 30861, + "Ġmeasles": 30862, + "802": 30863, + "â̦..": 30864, + "ĠAWS": 30865, + "]\"": 30866, + "Ġdistort": 30867, + "ĠMast": 30868, + "Ġantibodies": 30869, + "ĠMash": 30870, + "Memory": 30871, + "ĠUganda": 30872, + "ĠProb": 30873, + "Ġvomiting": 30874, + "ĠTurns": 30875, + "Ġoccupying": 30876, + "Ġevasion": 30877, + "ĠTherapy": 30878, + "Ġpromo": 30879, + "Ġelectr": 30880, + "Ġblueprint": 30881, + "ĠDre": 30882, + "priced": 30883, + "ĠDepot": 30884, + "Ġalleviate": 30885, + "ĠSomali": 30886, + "marg": 30887, + "nine": 30888, + "Ġnostalgia": 30889, + "ĠShepherd": 30890, + "Ġcavalry": 30891, + "Ġtorped": 30892, + "ĠBloody": 30893, + "xb": 30894, + "Ġsank": 30895, + "Ġgoalt": 30896, + "reportprint": 30897, + "embedreportprint": 30898, + "cloneembedreportprint": 30899, + "ĠInitially": 30900, + "ĠFischer": 30901, + "Ġnoteworthy": 30902, + "cern": 30903, + "Ġinefficient": 30904, + "rawdownload": 30905, + "rawdownloadcloneembedreportprint": 30906, + "cation": 30907, + "ĠDynasty": 30908, + "lag": 30909, + "DES": 30910, + "Ġdistinctly": 30911, + "ĠEstonia": 30912, + "Ġopenness": 30913, + "Ġgossip": 30914, + "ruck": 30915, + "Width": 30916, + "ĠIbrahim": 30917, + "Ġpetroleum": 30918, + "Ġavatar": 30919, + "ĠHed": 30920, + "atha": 30921, + "ĠHogwarts": 30922, + "Ġcaves": 30923, + "678": 30924, + "Ġsafeguard": 30925, + "ĠMog": 30926, + "isson": 30927, + "ĠDurham": 30928, + "slaught": 30929, + "ĠGraduate": 30930, + "Ġsubconscious": 30931, + "ĠExcellent": 30932, + "ĠDum": 30933, + "-----": 30934, + "Ġpiles": 30935, + "ĠWORK": 30936, + "ĠGarn": 30937, + "ĠFol": 30938, + "ĠATM": 30939, + "Ġavoids": 30940, + "ĠTul": 30941, + "Ġbleak": 30942, + "ELY": 30943, + "ivist": 30944, + "lightly": 30945, + "Pers": 30946, + "ĠDob": 30947, + "ĠLS": 30948, + "Ġinsanity": 30949, + "ε": 30950, + "atalie": 30951, + "Enlarge": 30952, + "Ġtwists": 30953, + "Ġfaulty": 30954, + "Ġpiracy": 30955, + "Ġimpover": 30956, + "Ġrugged": 30957, + "ĠFashion": 30958, + "Ġsands": 30959, + "'?": 30960, + "swick": 30961, + "Ġnatives": 30962, + "Ġhen": 30963, + "ĠNoise": 30964, + "ãĥĹ": 30965, + "Ġgreens": 30966, + "Ġfreezer": 30967, + "Ġdynasty": 30968, + "ĠFathers": 30969, + "ĠNewark": 30970, + "Ġarchaeological": 30971, + "Ġot": 30972, + "obar": 30973, + "Ġblockade": 30974, + "Ġallerg": 30975, + "LV": 30976, + "Ġdebit": 30977, + "ĠRFC": 30978, + "ĠMilton": 30979, + "ĠPressure": 30980, + "Ġwillingly": 30981, + "Ġdisproportionate": 30982, + "Ġoppressive": 30983, + "Ġdiamonds": 30984, + "Ġbelongings": 30985, + "1970": 30986, + "Ġbells": 30987, + "Ġimperialism": 30988, + "Ġ227": 30989, + "Ġexploding": 30990, + "ĠEclipse": 30991, + "Ġ1919": 30992, + "Ġrant": 30993, + "Ġnominations": 30994, + "347": 30995, + "Ġpeacefully": 30996, + "rica": 30997, + "ĠFUCK": 30998, + "Ġvibration": 30999, + "malink": 31000, + "Ġropes": 31001, + "ĠIvanka": 31002, + "ĠBrewery": 31003, + "ĠBooker": 31004, + "ĠOwens": 31005, + "goers": 31006, + "Services": 31007, + "ĠSnape": 31008, + "Ġ191": 31009, + "395": 31010, + "Ġ299": 31011, + "justice": 31012, + "Ġbri": 31013, + "Ġdiscs": 31014, + "Ġprominently": 31015, + "Ġvulgar": 31016, + "Ġskipping": 31017, + "lves": 31018, + "Ġtsunami": 31019, + "374": 31020, + "ĠUrug": 31021, + "ĠEid": 31022, + "recated": 31023, + "phen": 31024, + "Ġfaults": 31025, + "ĠStarted": 31026, + "950": 31027, + "Ġpi": 31028, + "Ġdetector": 31029, + "Ġbastard": 31030, + "Ġvalidated": 31031, + "SpaceEngineers": 31032, + "OURCE": 31033, + "Ġ(~": 31034, + "Ġunsur": 31035, + "Ġaffirmed": 31036, + "Ġfascism": 31037, + "Ġresolving": 31038, + "ĠChavez": 31039, + "ĠCyn": 31040, + "Ġdetract": 31041, + "Lost": 31042, + "Ġrigged": 31043, + "Ġhomage": 31044, + "ĠBruno": 31045, + "555": 31046, + "eca": 31047, + "Ġpresses": 31048, + "Ġhumour": 31049, + "Ġspacing": 31050, + "Ġ'/": 31051, + "olkien": 31052, + "Coun": 31053, + "OPER": 31054, + "Tre": 31055, + "Son": 31056, + "ĠCambodia": 31057, + "ierre": 31058, + "mong": 31059, + "ozy": 31060, + "Ġliquidity": 31061, + "ĠSoviets": 31062, + "ĠFernando": 31063, + "Ġ229": 31064, + "Ġslug": 31065, + "ĠCatalan": 31066, + "electric": 31067, + "Ġscenery": 31068, + "ĠHearth": 31069, + "Ġconstrained": 31070, + "Ġgoalie": 31071, + "ĠGuidelines": 31072, + "ĠAmmo": 31073, + "ĠPearson": 31074, + "Ġtaxed": 31075, + "Ġfetus": 31076, + "Response": 31077, + "ĠAlexis": 31078, + "thia": 31079, + "Guy": 31080, + "Ġreconstruct": 31081, + "Ġextremes": 31082, + "Ġconcluding": 31083, + "ĠPeg": 31084, + "ooks": 31085, + "Ġdeductions": 31086, + "Rose": 31087, + "Ġgroundbreaking": 31088, + "ĠTarg": 31089, + "ãĥģ": 31090, + "ĠReve": 31091, + "resource": 31092, + "Ġmoons": 31093, + "Ġelectromagnetic": 31094, + "Ġamidst": 31095, + "ĠViktor": 31096, + "NESS": 31097, + "BACK": 31098, + "Ġcommute": 31099, + "ĠAnaheim": 31100, + "Ġfluctuations": 31101, + "640": 31102, + "Ġnoodles": 31103, + "ĠCopenhagen": 31104, + "ĠTide": 31105, + "ĠGrizz": 31106, + "ĠSEE": 31107, + "Ġpipelines": 31108, + "Ġscars": 31109, + "endo": 31110, + "agus": 31111, + "ĠETF": 31112, + "/#": 31113, + "ĠBecome": 31114, + "448": 31115, + "Ġvisc": 31116, + "ĠRecommended": 31117, + "Ġjumper": 31118, + "Ġcognition": 31119, + "Ġassassin": 31120, + "Ġwitnessing": 31121, + "ĠSetup": 31122, + "Ġlac": 31123, + "vim": 31124, + "ISM": 31125, + "pages": 31126, + "SSL": 31127, + "358": 31128, + "Ġadject": 31129, + "industrial": 31130, + "lore": 31131, + "chery": 31132, + "Ġglitter": 31133, + "Ġcalf": 31134, + "Florida": 31135, + "Ġspoilers": 31136, + "Ġsucceeds": 31137, + "Ġchanting": 31138, + "Ġslogans": 31139, + "ĠTracy": 31140, + "Visit": 31141, + "rology": 31142, + "Ġmornings": 31143, + "Ġlineage": 31144, + "Ġsip": 31145, + "Ġintensely": 31146, + "Ġflourish": 31147, + "ĠSleeping": 31148, + "ĠFem": 31149, + "orpor": 31150, + "ĠKlan": 31151, + "ĠDarth": 31152, + "hack": 31153, + "ĠNielsen": 31154, + "Ġtumors": 31155, + "Ġprocurement": 31156, + "ĠYorkshire": 31157, + "Ġraided": 31158, + "KY": 31159, + "Anna": 31160, + "Ġ//[": 31161, + "ĠDisorder": 31162, + "ĠMustang": 31163, + "ĠWen": 31164, + "ĠTrying": 31165, + "sq": 31166, + "Ġdeliveries": 31167, + "Ġshutter": 31168, + "Ġcerebral": 31169, + "Ġbipolar": 31170, + "ĠCN": 31171, + "lass": 31172, + "jet": 31173, + "Ġdebating": 31174, + ">:": 31175, + "Ġeagle": 31176, + "grades": 31177, + "ĠDixon": 31178, + "UGC": 31179, + "MAS": 31180, + "ĠDraco": 31181, + "ĠMachines": 31182, + "affer": 31183, + "Ġeman": 31184, + "²": 31185, + "pron": 31186, + "ĠGym": 31187, + "Ġcomparatively": 31188, + "ĠTribunal": 31189, + "PRO": 31190, + "Ġlex": 31191, + "Ġfertile": 31192, + "Ġdepressing": 31193, + "Ġsuperficial": 31194, + "essential": 31195, + "ĠHunters": 31196, + "gp": 31197, + "Ġprominence": 31198, + "Liber": 31199, + "ĠAncest": 31200, + "otechnology": 31201, + "Ġmocking": 31202, + "ĠTraff": 31203, + "ĸļ": 31204, + "Medium": 31205, + "Iraq": 31206, + "Ġpsychiatrist": 31207, + "Quantity": 31208, + "ĠLect": 31209, + "Ġnoisy": 31210, + "520": 31211, + "GY": 31212, + "Ġslapped": 31213, + "ĠMTV": 31214, + "Ġpara": 31215, + "pull": 31216, + "Multiple": 31217, + "asher": 31218, + "Ġnour": 31219, + "ĠSeg": 31220, + "Spell": 31221, + "vous": 31222, + "ordial": 31223, + "Senior": 31224, + "ĠGoldberg": 31225, + "ĠPlasma": 31226, + "need": 31227, + "Ġmessenger": 31228, + "eret": 31229, + "Ġteamed": 31230, + "Ġliteracy": 31231, + "ĠLeah": 31232, + "ĠDoyle": 31233, + "Ġemitted": 31234, + "UX": 31235, + "Ġevade": 31236, + "Ġmaze": 31237, + "Ġwrongly": 31238, + "ĠLars": 31239, + "Ġstereotype": 31240, + "Ġpledges": 31241, + "Ġaroma": 31242, + "ĠMET": 31243, + "Ġacre": 31244, + "ĠOD": 31245, + "Ġff": 31246, + "Ġbreweries": 31247, + "ĠHilton": 31248, + "undle": 31249, + "ĠKak": 31250, + "ĠThankfully": 31251, + "ĠCanucks": 31252, + "inctions": 31253, + "ĠAppears": 31254, + "Ġcoer": 31255, + "Ġundermined": 31256, + "rovers": 31257, + "Andre": 31258, + "Ġblaze": 31259, + "umers": 31260, + "Ġfamine": 31261, + "amphetamine": 31262, + "ulkan": 31263, + "Amount": 31264, + "Ġdesperation": 31265, + "wikipedia": 31266, + "development": 31267, + "ĠCorinth": 31268, + "ussia": 31269, + "Jackson": 31270, + "LI": 31271, + "Native": 31272, + "Rs": 31273, + "Ohio": 31274, + "ĠKathleen": 31275, + "Fortunately": 31276, + "Ġattendant": 31277, + "ĠPreferred": 31278, + "ĠDidn": 31279, + "ĠVs": 31280, + "Mis": 31281, + "Ġrespondent": 31282, + "Ġboun": 31283, + "stable": 31284, + "Ġpaved": 31285, + "Ġunexpl": 31286, + "ĠCheney": 31287, + "LM": 31288, + "ĠCull": 31289, + "blown": 31290, + "Ġconfronting": 31291, + "ocese": 31292, + "serving": 31293, + "Wi": 31294, + "ĠLithuania": 31295, + "anni": 31296, + "Ġstalk": 31297, + "hd": 31298, + "Ġvener": 31299, + "APH": 31300, + "ynchronous": 31301, + "URR": 31302, + "umably": 31303, + "historic": 31304, + "Half": 31305, + "Hay": 31306, + "Ġresilience": 31307, + "spection": 31308, + "Ġabandoning": 31309, + "Obs": 31310, + "ĠDebbie": 31311, + "Ġgradient": 31312, + "ĠPlaint": 31313, + "ĠCanal": 31314, + "ARCH": 31315, + "Ġexpansive": 31316, + "Ġfung": 31317, + "Ġbounced": 31318, + "Und": 31319, + "Ġprecautions": 31320, + "Ġclarification": 31321, + "Ġdagger": 31322, + "Ġgrips": 31323, + "Ġµ": 31324, + "ĠRivera": 31325, + "ĠUndead": 31326, + "isites": 31327, + "ĠFIRST": 31328, + "ño": 31329, + "audi": 31330, + "Ġhostages": 31331, + "Ġcompliant": 31332, + "Ġalumni": 31333, + "Seven": 31334, + "Ġcybersecurity": 31335, + "either": 31336, + "Collect": 31337, + "Ġinvariably": 31338, + "ĠSoci": 31339, + "Ġlawmaker": 31340, + "Ġale": 31341, + "ĠPersonally": 31342, + "Nazi": 31343, + "Ġcustomization": 31344, + "ĠProc": 31345, + "ĠSaskatchewan": 31346, + "eaturing": 31347, + "Ġspared": 31348, + "Ġdiscontinued": 31349, + "Ġcomputational": 31350, + "ĠMotorola": 31351, + "Ġsupremacist": 31352, + "governmental": 31353, + "Ġparadise": 31354, + "ĠDowning": 31355, + "ĠNikon": 31356, + "Ġcatalyst": 31357, + "berra": 31358, + "Toronto": 31359, + "875": 31360, + "beta": 31361, + "ĠMacron": 31362, + "Ġunrealistic": 31363, + "vector": 31364, + "ĠVehicles": 31365, + "itiveness": 31366, + "ĠRV": 31367, + "ĠColbert": 31368, + "sin": 31369, + "oji": 31370, + "entin": 31371, + "ĠKrish": 31372, + "hello": 31373, + "ffield": 31374, + "oky": 31375, + "ĠTate": 31376, + "Ġmaple": 31377, + "Ġaids": 31378, + "chemical": 31379, + "334": 31380, + "nuts": 31381, + "ĠWarp": 31382, + "Ġxx": 31383, + "ĠRobb": 31384, + "umerous": 31385, + "_-_": 31386, + "ftime": 31387, + "ĠVW": 31388, + "Ġwinger": 31389, + "ĠDome": 31390, + "tools": 31391, + "ĠPV": 31392, + "ĠGeorgetown": 31393, + "Ġgeared": 31394, + "Ġjihadists": 31395, + "Ġcp": 31396, + "Ġsteroids": 31397, + "Mother": 31398, + "clerosis": 31399, + "ĠDRM": 31400, + "nesia": 31401, + "Ġlinger": 31402, + "Ġimmersive": 31403, + "ĠCOUN": 31404, + "Ġoutweigh": 31405, + "ensual": 31406, + "Band": 31407, + "Ġtransforms": 31408, + "matched": 31409, + "psons": 31410, + "ĠJudicial": 31411, + "factor": 31412, + "Ġreferral": 31413, + "Ġoddly": 31414, + "ĠWenger": 31415, + "Bring": 31416, + "ĠBows": 31417, + "602": 31418, + "ICLE": 31419, + "Ġlions": 31420, + "ĠAcademic": 31421, + "ĠThorn": 31422, + "ĠRaider": 31423, + "kefeller": 31424, + "Storage": 31425, + "Lower": 31426, + "ĠOrt": 31427, + "ĠEquality": 31428, + "ALT": 31429, + "ĠSOC": 31430, + "Types": 31431, + "Ġlyn": 31432, + "ĠAsset": 31433, + "coat": 31434, + "TPP": 31435, + "CVE": 31436, + "ĠPioneer": 31437, + "application": 31438, + "Modern": 31439, + "ĠHK": 31440, + "Environment": 31441, + "Alright": 31442, + "Rain": 31443, + "IPP": 31444, + "ĠShiite": 31445, + "Ġmound": 31446, + "ĠAbilities": 31447, + "condition": 31448, + "Staff": 31449, + "Ġcompetence": 31450, + "ĠMoor": 31451, + "ĠDiablo": 31452, + "Ġwithheld": 31453, + "Ġostensibly": 31454, + "ĠBrom": 31455, + "Ġmsg": 31456, + "Ġdenomin": 31457, + "ĠReferences": 31458, + "ĠFP": 31459, + "Ġplunged": 31460, + "Ġpamph": 31461, + "moving": 31462, + "central": 31463, + "Ġdownright": 31464, + "Ġfading": 31465, + "Tal": 31466, + "Typ": 31467, + "ĠThy": 31468, + "ukes": 31469, + "ithe": 31470, + "Ġove": 31471, + "Ġbattled": 31472, + "Ġseafood": 31473, + "Ġfigur": 31474, + "ĠRD": 31475, + "crop": 31476, + "Ġsquads": 31477, + "{\\": 31478, + "à¹": 31479, + "ĠEh": 31480, + "Ġinterviewing": 31481, + "ĠQin": 31482, + "Ġaspiring": 31483, + "PLIC": 31484, + "Ġclauses": 31485, + "ĠGast": 31486, + "ĠNir": 31487, + "Ġluggage": 31488, + "Ġhose": 31489, + "Ġsystemd": 31490, + "Ġdescending": 31491, + "ĠRevised": 31492, + "ĠRails": 31493, + "align": 31494, + "709": 31495, + "337": 31496, + "Ġfug": 31497, + "charging": 31498, + "tags": 31499, + "Ġuter": 31500, + "kish": 31501, + "WARNING": 31502, + "490": 31503, + "profits": 31504, + "Ġvoyage": 31505, + "Ġace": 31506, + "ĠVanguard": 31507, + "ĠTanks": 31508, + "ĠMuk": 31509, + "Ġ226": 31510, + "Safe": 31511, + "Armor": 31512, + "Ġvolcanic": 31513, + "Ġwomb": 31514, + "ĠMIL": 31515, + "Ġbeginner": 31516, + "ĠRecogn": 31517, + "ĠAAP": 31518, + "PLAY": 31519, + ")!": 31520, + "Ġdetecting": 31521, + "cn": 31522, + "Ġbreaches": 31523, + "Basically": 31524, + "ĠPag": 31525, + "ĠMunicipal": 31526, + "ĠIndie": 31527, + "ĠLaf": 31528, + "ĠDisable": 31529, + "ĠOlson": 31530, + "Ġrestrained": 31531, + "Ġrulings": 31532, + "Ġhumane": 31533, + "events": 31534, + "ĠCinema": 31535, + "displayText": 31536, + "ĠHatch": 31537, + "actionDate": 31538, + "onnaissance": 31539, + "Ġassaulting": 31540, + "ĠLug": 31541, + "CHAT": 31542, + "Ġvigorous": 31543, + "ĠPerse": 31544, + "Ġintolerance": 31545, + "ĠSnapchat": 31546, + "ĠSharks": 31547, + "Ġdummy": 31548, + "ĠDiagn": 31549, + "ĠGuitar": 31550, + "imeters": 31551, + "403": 31552, + "REG": 31553, + "Ax": 31554, + "Ġseparates": 31555, + "ĠMahm": 31556, + "Ġtv": 31557, + "jah": 31558, + "OOL": 31559, + "Circ": 31560, + "ĠWindsor": 31561, + "ussian": 31562, + "Ġintuition": 31563, + "Ġdisdain": 31564, + "ĠDonovan": 31565, + "Ġ221": 31566, + "Emb": 31567, + "Ġcondemning": 31568, + "Ġgenerosity": 31569, + "zzy": 31570, + "Ġpanties": 31571, + "ĠPrevent": 31572, + "ActionCode": 31573, + "ANA": 31574, + "342": 31575, + "externalActionCode": 31576, + "Ġspecifying": 31577, + "Ġcrystall": 31578, + "Jere": 31579, + "Ġrupt": 31580, + "ĠApprentice": 31581, + "Ġprofiling": 31582, + "к": 31583, + "Strike": 31584, + "Ġsideline": 31585, + "Ġobligated": 31586, + "Ġoccult": 31587, + "Ġbureaucratic": 31588, + "antically": 31589, + "rupted": 31590, + "negative": 31591, + "ĠEthiopia": 31592, + "ĠCivic": 31593, + "Ġinsiders": 31594, + "eligible": 31595, + "ĠTVs": 31596, + "ĠBAR": 31597, + "ĠTI": 31598, + "iologist": 31599, + "ĠAIR": 31600, + "Ġsubstituted": 31601, + "Arab": 31602, + "ĠSaul": 31603, + "ĠYog": 31604, + "prem": 31605, + "Ġbuilders": 31606, + "Ġstationary": 31607, + "Ġdoubtful": 31608, + "Ġvigorously": 31609, + "Ġthrilling": 31610, + "Physical": 31611, + "ĠCarey": 31612, + "ĠHydra": 31613, + "geoning": 31614, + "ĠSly": 31615, + "yton": 31616, + "Ġborrowers": 31617, + "ĠParkinson": 31618, + "Ġë": 31619, + "ĠJamaica": 31620, + "Ġsatir": 31621, + "Ġinsurgents": 31622, + "ĠFirm": 31623, + "Ġisot": 31624, + "ĠKarn": 31625, + "ourning": 31626, + "akens": 31627, + "docs": 31628, + "little": 31629, + "ĠMonaco": 31630, + "CLASS": 31631, + "Turkey": 31632, + "Ly": 31633, + "ĠConan": 31634, + "assic": 31635, + "Ġstarred": 31636, + "ĠPacers": 31637, + "eties": 31638, + "Ġtipping": 31639, + "Moon": 31640, + "ĠRw": 31641, + "same": 31642, + "Ġcavity": 31643, + "Ġgoof": 31644, + "ĠZo": 31645, + "Shock": 31646, + "ummer": 31647, + "Ġemphasizes": 31648, + "Ġregrett": 31649, + "Ġnovelty": 31650, + "Ġenvy": 31651, + "ĠPassive": 31652, + "rw": 31653, + "505": 31654, + "Ġindifferent": 31655, + "ĠRica": 31656, + "ĠHimself": 31657, + "ĠFreddie": 31658, + "Ġadip": 31659, + "ä¸Ģ": 31660, + "Ġbreakout": 31661, + "Ġhurried": 31662, + "ĠHuang": 31663, + "ĠDisk": 31664, + "Ġroaming": 31665, + "?????-?????-": 31666, + "UV": 31667, + "ĠRicky": 31668, + "ĠSigma": 31669, + "Ġmarginalized": 31670, + "Ġedits": 31671, + "Ġ304": 31672, + "memory": 31673, + "Ġspecimen": 31674, + "293": 31675, + "ãģ¯": 31676, + "Ġvertically": 31677, + "Ġaudition": 31678, + "ĠHeck": 31679, + "Ġcaster": 31680, + "ĠHoldings": 31681, + "adal": 31682, + "ĠCron": 31683, + "ĠLiam": 31684, + "Ġdeflect": 31685, + "Pick": 31686, + "ĠDebug": 31687, + "REF": 31688, + "Ġversatility": 31689, + "othes": 31690, + "classified": 31691, + "ĠMahar": 31692, + "ĠHort": 31693, + "Counter": 31694, + "stasy": 31695, + "noticed": 31696, + "331": 31697, + "ĠShim": 31698, + "fuck": 31699, + "ĠBie": 31700, + "Ġairing": 31701, + "ĠProtein": 31702, + "ĠHolding": 31703, + "Ġspectators": 31704, + "iliated": 31705, + "ĠThatcher": 31706, + "nosis": 31707, + "ãĥ¼ãĥ³": 31708, + "Tele": 31709, + "Boston": 31710, + "ĠTempl": 31711, + "stay": 31712, + "Ġdeclarations": 31713, + "479": 31714, + "Volume": 31715, + "ĠDesigner": 31716, + "ĠOverwatch": 31717, + "idae": 31718, + "Ġonwards": 31719, + "Ġnets": 31720, + "ĠManila": 31721, + "particularly": 31722, + "Ġpolitic": 31723, + "oother": 31724, + "Ġportraits": 31725, + "Ġpavement": 31726, + "cffff": 31727, + "Ġsaints": 31728, + "Ġbeginners": 31729, + "ESPN": 31730, + "Ġshortcomings": 31731, + "âķIJâķIJ": 31732, + "Ġcomet": 31733, + "ĠOrganic": 31734, + "quel": 31735, + "Ġhospitalized": 31736, + "Break": 31737, + "Ġpeel": 31738, + "dylib": 31739, + "aspx": 31740, + "urances": 31741, + "ĠTIM": 31742, + "Pg": 31743, + "Ġreadable": 31744, + "ĠMalik": 31745, + "Ġmuzzle": 31746, + "Ġbenchmarks": 31747, + "dal": 31748, + "ĠVacc": 31749, + "ĠHicks": 31750, + "609": 31751, + "ĠBiblical": 31752, + "heng": 31753, + "Ġoverload": 31754, + "ĠCivilization": 31755, + "Ġimmoral": 31756, + "Ġfries": 31757, + "ãĤĴ": 31758, + "Ġreproduced": 31759, + "Ġformulation": 31760, + "jug": 31761, + "irez": 31762, + "gear": 31763, + "Ġcoached": 31764, + "MpServer": 31765, + "ĠSJ": 31766, + "ĠKw": 31767, + "Init": 31768, + "deal": 31769, + "ĠOro": 31770, + "ĠLoki": 31771, + "ĠSongs": 31772, + "Ġ232": 31773, + "ĠLouise": 31774, + "asionally": 31775, + "Ġuncond": 31776, + "ollywood": 31777, + "Ġprogressives": 31778, + "ĠEnough": 31779, + "ĠDoe": 31780, + "Ġwreckage": 31781, + "Ġbrushed": 31782, + "ĠBaseType": 31783, + "Ġzoning": 31784, + "ishable": 31785, + "hetically": 31786, + "ĠCaucus": 31787, + "ĠHue": 31788, + "Ġkarma": 31789, + "ĠSporting": 31790, + "Ġtrader": 31791, + "Ġseeming": 31792, + "ĠCapture": 31793, + "430": 31794, + "bish": 31795, + "Ġtunes": 31796, + "Ġindoors": 31797, + "ĠSphere": 31798, + "ĠDancing": 31799, + "TERN": 31800, + "Ġnob": 31801, + "ĠGST": 31802, + "maps": 31803, + "Ġpeppers": 31804, + "Fit": 31805, + "Ġoversees": 31806, + "ĠRabbi": 31807, + "ĠRuler": 31808, + "vertising": 31809, + "office": 31810, + "xxx": 31811, + "Ġraft": 31812, + "Changed": 31813, + "Ġtextbooks": 31814, + "Links": 31815, + "ĠOmn": 31816, + "ãĢij": 31817, + "Ġinconvenience": 31818, + "ĠDonetsk": 31819, + "=~": 31820, + "Ġimplicitly": 31821, + "Ġboosts": 31822, + "ĠBones": 31823, + "ĠBoom": 31824, + "Courtesy": 31825, + "Ġsensational": 31826, + "ANY": 31827, + "Ġgreedy": 31828, + "eden": 31829, + "Ġinexper": 31830, + "ĠLer": 31831, + "ĠVale": 31832, + "Ġtighten": 31833, + "ĠEAR": 31834, + "ĠNum": 31835, + "Ġancestor": 31836, + "Sent": 31837, + "ĠHorde": 31838, + "urgical": 31839, + "allah": 31840, + "Ġsap": 31841, + "amba": 31842, + "ĠSpread": 31843, + "twitch": 31844, + "Ġgrandson": 31845, + "Ġfracture": 31846, + "Ġmoderator": 31847, + "ĠSeventh": 31848, + "ĠReverse": 31849, + "Ġestimation": 31850, + "Choose": 31851, + "Ġparach": 31852, + "Ġbarric": 31853, + "ãĢIJ": 31854, + "Ġcompass": 31855, + "Ġallergic": 31856, + "âĢķ": 31857, + "OTHER": 31858, + "errilla": 31859, + "Ġwagon": 31860, + "Ġzinc": 31861, + "Ġrubbed": 31862, + "ĠFuller": 31863, + "ĠLuxembourg": 31864, + "ĠHoover": 31865, + "Ġliar": 31866, + "ĠEvening": 31867, + "ĠCobb": 31868, + "esteem": 31869, + "Ġselector": 31870, + "ĠBrawl": 31871, + "isance": 31872, + "ĠEk": 31873, + "Ġtroop": 31874, + "Ġguts": 31875, + "ĠAppeal": 31876, + "ĠTibetan": 31877, + "Ġroutines": 31878, + "ĠMent": 31879, + "Ġsummarized": 31880, + "steamapps": 31881, + "Ġtranqu": 31882, + "Ġ1929": 31883, + "oran": 31884, + "ĠAuthent": 31885, + "Ġgmaxwell": 31886, + "Ġapprehens": 31887, + "Ġpoems": 31888, + "Ġsausage": 31889, + "ĠWebster": 31890, + "urus": 31891, + "Ġthemed": 31892, + "Ġlounge": 31893, + "Ġcharger": 31894, + "Spoiler": 31895, + "Ġspilled": 31896, + "hog": 31897, + "ĠSunder": 31898, + "ĠAin": 31899, + "ĠAngry": 31900, + "Ġdisqual": 31901, + "ĠFrequency": 31902, + "ĠEthernet": 31903, + "Ġhelper": 31904, + "Percent": 31905, + "Ġhorrifying": 31906, + "Ġail": 31907, + "ĠAllan": 31908, + "EEE": 31909, + "ĠCrossing": 31910, + "449": 31911, + "Ġholog": 31912, + "ĠPuzzles": 31913, + "ĠGoes": 31914, + "erenn": 31915, + "604": 31916, + "ãģı": 31917, + "ĠRafael": 31918, + "Ġatten": 31919, + "ĠEmanuel": 31920, + "Ġupro": 31921, + "ĠSusp": 31922, + "Psych": 31923, + "ĠTrainer": 31924, + "ĠNES": 31925, + "ĠHunts": 31926, + "becue": 31927, + "Ġcounselor": 31928, + "Rule": 31929, + "Ġtoxins": 31930, + "Ġbanners": 31931, + "rifice": 31932, + "Ġgreeting": 31933, + "Ġfrenzy": 31934, + "Ġallocate": 31935, + "Ġ*)": 31936, + "expr": 31937, + "503": 31938, + "ĠChick": 31939, + "ĠTorn": 31940, + "Ġconsolidation": 31941, + "ĠFletcher": 31942, + "switch": 31943, + "frac": 31944, + "clips": 31945, + "ĠMcKin": 31946, + "ĠLunar": 31947, + "Month": 31948, + "ITCH": 31949, + "Ġscholarly": 31950, + "raped": 31951, + "398": 31952, + "Ġ1910": 31953, + "Ġegreg": 31954, + "Ġinsecure": 31955, + "Ġvictorious": 31956, + "cffffcc": 31957, + "Ġsingled": 31958, + "Ġelves": 31959, + "ĠWond": 31960, + "burst": 31961, + "Ġcamoufl": 31962, + "ĠBLACK": 31963, + "Ġconditioned": 31964, + "çī": 31965, + "answered": 31966, + "Ġcompulsory": 31967, + "ascist": 31968, + "Ġpodcasts": 31969, + "ĠFrankfurt": 31970, + "bnb": 31971, + "Ġneoliberal": 31972, + "ĠKeyboard": 31973, + "ĠBelle": 31974, + "warm": 31975, + "Ġtrusts": 31976, + "Ġinsured": 31977, + "ĠBucc": 31978, + "usable": 31979, + "607": 31980, + "ĠPlains": 31981, + "Ġ1890": 31982, + "Ġsabotage": 31983, + "Ġlodged": 31984, + "felt": 31985, + "Ġga": 31986, + "ĠNarc": 31987, + "ĠSalem": 31988, + "Ġseventy": 31989, + "ĠBlank": 31990, + "pocket": 31991, + "Ġwhisper": 31992, + "Ġmating": 31993, + "omics": 31994, + "ĠSalman": 31995, + "ĠKad": 31996, + "Ġangered": 31997, + "Ġcollisions": 31998, + "Ġextraordinarily": 31999, + "Ġcoercion": 32000, + "Ghost": 32001, + "birds": 32002, + "èĢ": 32003, + "kok": 32004, + "Ġpermissible": 32005, + "avorable": 32006, + "Ġpointers": 32007, + "Ġdissip": 32008, + "aci": 32009, + "Ġtheatrical": 32010, + "ĠCosmic": 32011, + "Ġforgetting": 32012, + "Ġfinalized": 32013, + "大": 32014, + "yout": 32015, + "library": 32016, + "Ġbooming": 32017, + "ĠBelieve": 32018, + "ĠTeacher": 32019, + "ĠLiv": 32020, + "ĠGOODMAN": 32021, + "ĠDominican": 32022, + "ORED": 32023, + "ĠParties": 32024, + "Ġprecipitation": 32025, + "ĠSlot": 32026, + "Roy": 32027, + "ĠCombined": 32028, + "Ġintegrating": 32029, + "Ġchrome": 32030, + "Ġintestinal": 32031, + "ĠRebell": 32032, + "Ġmatchups": 32033, + "Ġblockbuster": 32034, + "ĠLoren": 32035, + "ĠLevy": 32036, + "Ġpreaching": 32037, + "ĠSending": 32038, + "ĠPurpose": 32039, + "rax": 32040, + "fif": 32041, + "Ġauthoritative": 32042, + "ĠPET": 32043, + "astical": 32044, + "Ġdishon": 32045, + "Ġchatting": 32046, + "Ġ\"$:/": 32047, + "Connection": 32048, + "Ġrecreate": 32049, + "Ġdelinqu": 32050, + "Ġbroth": 32051, + "ĠDirty": 32052, + "ĠAdmin": 32053, + "zman": 32054, + "Ġscholarships": 32055, + "Ġ253": 32056, + "contact": 32057, + "alsa": 32058, + "767": 32059, + "creen": 32060, + "abbage": 32061, + "Ġ1915": 32062, + "Ġblended": 32063, + "Ġalarmed": 32064, + "Language": 32065, + "356": 32066, + "Ġblends": 32067, + "ĠChanged": 32068, + "Wolf": 32069, + "Ġhepat": 32070, + "Creating": 32071, + "Ġpersecut": 32072, + "Ġsweetness": 32073, + "arte": 32074, + "Ġforfeiture": 32075, + "ĠRoberto": 32076, + "impro": 32077, + "NFL": 32078, + "ĠMagnet": 32079, + "Detailed": 32080, + "Ġinsignificant": 32081, + "ĠPOLIT": 32082, + "ĠBBQ": 32083, + "ĠCPS": 32084, + "Ġseaw": 32085, + "aminer": 32086, + "mL": 32087, + "endif": 32088, + "finals": 32089, + "Ġ265": 32090, + "uish": 32091, + "Ġ})": 32092, + "ĠProblems": 32093, + "Ġemblem": 32094, + "Ġseriousness": 32095, + "Ġparsing": 32096, + "Ġsubstitution": 32097, + "Ġpressured": 32098, + "Ġrecycled": 32099, + "aleb": 32100, + "Ruby": 32101, + "Ġproficiency": 32102, + "Driver": 32103, + "ĠWester": 32104, + ":'": 32105, + "AFTA": 32106, + "Ġmantle": 32107, + "ĠClayton": 32108, + "flag": 32109, + "Ġpractitioner": 32110, + "covered": 32111, + "ĠStruct": 32112, + "addafi": 32113, + "425": 32114, + "ĠTownship": 32115, + "ĠHydro": 32116, + "Louis": 32117, + "343": 32118, + "Ġcondo": 32119, + "ĠTao": 32120, + "Ġutilization": 32121, + "Ġnausea": 32122, + "ĠDems": 32123, + "ridges": 32124, + "pause": 32125, + "Ġformulas": 32126, + "Ġchallenger": 32127, + "376": 32128, + "Ġdefective": 32129, + "ĠRailway": 32130, + "ĠPubMed": 32131, + "Ġyogurt": 32132, + "lbs": 32133, + "ĠNorfolk": 32134, + "OPE": 32135, + "ĠMoody": 32136, + "Ġdistributor": 32137, + "Ġscrolls": 32138, + "Ġextracts": 32139, + "Stan": 32140, + "Ġviability": 32141, + "Ġexposes": 32142, + "Ġstarvation": 32143, + "ĠSteps": 32144, + "ĠDodd": 32145, + "few": 32146, + "STD": 32147, + "332": 32148, + "Ġclosures": 32149, + "Ġcomplementary": 32150, + "ĠSasha": 32151, + "umpy": 32152, + "Ġmonet": 32153, + "Ġarticulate": 32154, + "ĠDoct": 32155, + "killer": 32156, + "Ġscrim": 32157, + "Ġ264": 32158, + "Ġprostitutes": 32159, + "Ġsevered": 32160, + "Ġattachments": 32161, + "Ġcooled": 32162, + "Lev": 32163, + "ĠFalk": 32164, + "fail": 32165, + "Ġpoliceman": 32166, + "ĠDag": 32167, + "Ġprayed": 32168, + "ĠKernel": 32169, + "Ġclut": 32170, + "Ġcath": 32171, + "Ġanomaly": 32172, + "Storm": 32173, + "emaker": 32174, + "ĠBreakfast": 32175, + "uli": 32176, + "oire": 32177, + "JJ": 32178, + "hz": 32179, + "Operation": 32180, + "ĠSick": 32181, + "354": 32182, + "ĠGuatemala": 32183, + "Rate": 32184, + "Ġexposures": 32185, + "faces": 32186, + "ĠArchae": 32187, + "raf": 32188, + "ĠMia": 32189, + "Ġ2025": 32190, + "Ġopaque": 32191, + "Ġdisguised": 32192, + "ĠHeadquarters": 32193, + "Sah": 32194, + "Ġpots": 32195, + "978": 32196, + "ĠMalf": 32197, + "Ġfrowned": 32198, + "Ġpoisonous": 32199, + "ĠConvers": 32200, + "eeks": 32201, + "Ġcrab": 32202, + ".\"\"": 32203, + "Ġtreason": 32204, + "Ġranc": 32205, + "Ġescalating": 32206, + "Ġwarr": 32207, + "Ġmobs": 32208, + "Ġlamps": 32209, + "ĠSunshine": 32210, + "ĠBrunswick": 32211, + "Phones": 32212, + "Ġspelled": 32213, + "ĠSkip": 32214, + "Ġ2050": 32215, + "Ġ1911": 32216, + "ĠPluto": 32217, + "ĠAmend": 32218, + "Ġmeats": 32219, + "387": 32220, + "Ġstomp": 32221, + "ĠZhou": 32222, + "ĠLeviathan": 32223, + "ĠHazard": 32224, + "adv": 32225, + "ĠOrwell": 32226, + "Ġaloud": 32227, + "Ġbumper": 32228, + "ĠAnarch": 32229, + "ubuntu": 32230, + "ĠSerious": 32231, + "fitting": 32232, + "ĠOptional": 32233, + "ĠCecil": 32234, + "REAM": 32235, + "Ġserotonin": 32236, + "Ġcultivate": 32237, + "agogue": 32238, + "}\\": 32239, + "Ġmosques": 32240, + "ĠSunny": 32241, + "Ġreactive": 32242, + "revolution": 32243, + "ĠLup": 32244, + "ĠFedora": 32245, + "Ġdefenseman": 32246, + "ĠVID": 32247, + "istine": 32248, + "Ġdrowning": 32249, + "ĠBroadcasting": 32250, + "Ġthriller": 32251, + "ĠScy": 32252, + "Ġaccelerating": 32253, + "Ġdirects": 32254, + "odied": 32255, + "bike": 32256, + "duration": 32257, + "Ġpainfully": 32258, + "Redd": 32259, + "Ġproductions": 32260, + "Ġgag": 32261, + "Ġwhist": 32262, + "Ġsock": 32263, + "Ġinfinitely": 32264, + "ĠConcern": 32265, + "ĠCitadel": 32266, + "Ġlieu": 32267, + "Ġcandles": 32268, + "ogeneous": 32269, + "arger": 32270, + "Ġheavenly": 32271, + "inflammatory": 32272, + "Performance": 32273, + "Cs": 32274, + "ructose": 32275, + "azaki": 32276, + "Ġpessim": 32277, + "Ġinference": 32278, + "Ġpowd": 32279, + "ĠZoe": 32280, + "Ġpaints": 32281, + "Ġdazz": 32282, + "pta": 32283, + "-----------": 32284, + "Ġinspir": 32285, + "ĠExperimental": 32286, + "ĠKnife": 32287, + "regor": 32288, + "bors": 32289, + "Ġshowers": 32290, + "romeda": 32291, + "Ġsaint": 32292, + "Ġbenign": 32293, + "ĠJiang": 32294, + "Ġenvisioned": 32295, + "Ġshroud": 32296, + "IFT": 32297, + "HO": 32298, + "Ġshuff": 32299, + "ĠICC": 32300, + "Ġsegreg": 32301, + "Ġrevisit": 32302, + "ighthouse": 32303, + "Li": 32304, + "Ġsubstrate": 32305, + "ĠSeas": 32306, + "ĠReward": 32307, + "ĠHep": 32308, + "ĠBrass": 32309, + "sbm": 32310, + "Ġeliminates": 32311, + "Ġstamina": 32312, + "ĠVAT": 32313, + "ĠLoan": 32314, + "Ġconstraint": 32315, + "Ġappropriated": 32316, + "Ġpes": 32317, + "ĠALE": 32318, + "ranging": 32319, + "Ġ404": 32320, + "392": 32321, + "Ġintellectuals": 32322, + "achu": 32323, + "Ġrestructuring": 32324, + "ĠLevin": 32325, + "Ġrunes": 32326, + "Ġdelightful": 32327, + "Ġcarbohydrates": 32328, + "ĠModels": 32329, + "ĠExpo": 32330, + "Ġtransporting": 32331, + "alloc": 32332, + "Ġringing": 32333, + "Samsung": 32334, + "Ġscarcely": 32335, + "ĠURLs": 32336, + "ĠMAS": 32337, + "Ġprototypes": 32338, + "Ġnarrator": 32339, + "ĠCPUs": 32340, + "cdn": 32341, + "ĠBarton": 32342, + "Ġdecidedly": 32343, + "ĠShu": 32344, + "ixir": 32345, + "ocious": 32346, + "ĠMyst": 32347, + "Nintendo": 32348, + "Ġreuse": 32349, + "Ġforgiven": 32350, + "Few": 32351, + "inical": 32352, + "nat": 32353, + "Ġseamless": 32354, + "ĠEva": 32355, + "ĠEVE": 32356, + "ĠJO": 32357, + "landers": 32358, + "Ġsofter": 32359, + "negie": 32360, + "Ġtransient": 32361, + "Ġorbital": 32362, + "Ġfulfil": 32363, + "ĠKom": 32364, + "Hopefully": 32365, + "Ġdynamically": 32366, + "ĠHunger": 32367, + "åĽ": 32368, + "ĠArmenia": 32369, + "elman": 32370, + "berto": 32371, + "Ġpige": 32372, + "ĠIDs": 32373, + "limit": 32374, + "Ġveins": 32375, + "Ġsoaring": 32376, + "packs": 32377, + "Golden": 32378, + "ĠCrab": 32379, + "istor": 32380, + "ĠRPM": 32381, + "Ġ$$": 32382, + "gression": 32383, + "Ġjihadist": 32384, + "Ġgamble": 32385, + "Ġcareg": 32386, + "Ġinflated": 32387, + "Face": 32388, + "ĠFirearms": 32389, + "ĠEmmanuel": 32390, + "âĿ": 32391, + "Ġshocks": 32392, + "grab": 32393, + "Ġsplend": 32394, + "ĠHPV": 32395, + "abortion": 32396, + "Above": 32397, + "Entity": 32398, + "players": 32399, + "Ġcommenced": 32400, + "ulence": 32401, + "Ġfulfillment": 32402, + "Ġembodiments": 32403, + "ĠWelfare": 32404, + "Ġhail": 32405, + "Ġ<@": 32406, + "tten": 32407, + "Ġcatcher": 32408, + "ĠJazeera": 32409, + "Ġvolcano": 32410, + "Ġstabilize": 32411, + "ĠHandler": 32412, + "Ġintensified": 32413, + "ĠAbrams": 32414, + "Ġhumiliation": 32415, + "paced": 32416, + "605": 32417, + "ĠCentOS": 32418, + "Specific": 32419, + "Ġheed": 32420, + "ĠCAM": 32421, + "ĠGalile": 32422, + "Die": 32423, + "Ġabolished": 32424, + "ĠThomson": 32425, + "ĠTeachers": 32426, + "ĠWass": 32427, + "jong": 32428, + "ĠISBN": 32429, + "ĠAllies": 32430, + "shake": 32431, + "å·": 32432, + "vict": 32433, + "Howard": 32434, + "Ġdeem": 32435, + "Ġexceedingly": 32436, + "ĠSmartstocks": 32437, + "ibe": 32438, + "Ġdoorway": 32439, + "Ġcompeted": 32440, + "igmat": 32441, + "Ġnationalists": 32442, + "Ġgroom": 32443, + "ĠKeen": 32444, + "Ġdisposable": 32445, + "decl": 32446, + "ĠTolkien": 32447, + "ĠScheme": 32448, + "Ġbiod": 32449, + "Ġavid": 32450, + "ĠElon": 32451, + "agar": 32452, + "ĠTSA": 32453, + "Roman": 32454, + "Ġartificially": 32455, + "Ġadvisors": 32456, + "XL": 32457, + "ĠInferno": 32458, + "366": 32459, + "Ġtedious": 32460, + "ĠPhotography": 32461, + "ĠCarrie": 32462, + "Ġtrope": 32463, + "ĠSandra": 32464, + "Ġdecimal": 32465, + "Queen": 32466, + "ĠGundam": 32467, + "ĠOM": 32468, + "otech": 32469, + "NBA": 32470, + "Ġ1932": 32471, + "Ġentrenched": 32472, + "ĠMarion": 32473, + "Ġfraternity": 32474, + "Labour": 32475, + "Henry": 32476, + "Ġlatitude": 32477, + "Either": 32478, + "Ġenhances": 32479, + "ĠPotential": 32480, + "Ġshines": 32481, + "idad": 32482, + "Ġbreadth": 32483, + "Ġcapacities": 32484, + "ĠðŁĻĤ": 32485, + "ĠBronx": 32486, + "Ġsexes": 32487, + "Ġdifferentiation": 32488, + "Ġheavyweight": 32489, + "ĠTaj": 32490, + "dra": 32491, + "Ġmigrate": 32492, + "Ġexhaustion": 32493, + "ĠRUN": 32494, + "elsius": 32495, + "ĠCuomo": 32496, + "Ġguitars": 32497, + "Ġclones": 32498, + "ĠSomew": 32499, + "ĠPry": 32500, + "-------------": 32501, + "Ġwarranted": 32502, + "cycles": 32503, + "Ġsalvage": 32504, + "Ġdisks": 32505, + "RANT": 32506, + "ĠNGOs": 32507, + "ĠMartian": 32508, + "\":[{\"": 32509, + "Ġaddicts": 32510, + "ojure": 32511, + "illet": 32512, + "Ġamazingly": 32513, + "artments": 32514, + "pixel": 32515, + "ĠGPUs": 32516, + "Layout": 32517, + "è£": 32518, + "ĠTamil": 32519, + "ĠBasil": 32520, + "Ġimpartial": 32521, + "ĠStructure": 32522, + "fork": 32523, + "bryce": 32524, + "Ġridge": 32525, + "ĠHamburg": 32526, + "rious": 32527, + "Ġblitz": 32528, + "cigarettes": 32529, + "Ġcanned": 32530, + "402": 32531, + "Ġironically": 32532, + "Ġcompassionate": 32533, + "ĠHawkins": 32534, + ".#": 32535, + "ĠCathedral": 32536, + "Ġrallied": 32537, + "internal": 32538, + "Ġquota": 32539, + "stakes": 32540, + "TEXT": 32541, + "mom": 32542, + "Ġcompletes": 32543, + "Ġ238": 32544, + "Ġshrug": 32545, + "ãĥij": 32546, + "ĠNinth": 32547, + "Ġrevise": 32548, + "ĠProvider": 32549, + "Ġtreacher": 32550, + "Ġquasi": 32551, + "ĠPRES": 32552, + "Ġdeposition": 32553, + "Ġconfidentiality": 32554, + "issors": 32555, + "Ġimbalance": 32556, + "Ġspanning": 32557, + "Ġangular": 32558, + "ĠCul": 32559, + "communication": 32560, + "ĠNora": 32561, + "ĠGenius": 32562, + "opter": 32563, + "Ġsacked": 32564, + "Spot": 32565, + "Ġfinely": 32566, + "ĠCHR": 32567, + "282": 32568, + "waves": 32569, + "Palest": 32570, + "ĠRohing": 32571, + "NL": 32572, + "è¿": 32573, + "Ġshitty": 32574, + "ĠScalia": 32575, + "475": 32576, + "Progress": 32577, + "Ġreferencing": 32578, + "Ġclassrooms": 32579, + "abee": 32580, + "Ġsod": 32581, + "hesion": 32582, + "708": 32583, + "ĠZuckerberg": 32584, + "ĠFinish": 32585, + "ĠScotia": 32586, + "ĠSavior": 32587, + "ĠInstallation": 32588, + "antha": 32589, + "(-": 32590, + "Ġ302": 32591, + "ĠPunk": 32592, + "Ġcrater": 32593, + "youtu": 32594, + "Ġroast": 32595, + "Ġinfluencing": 32596, + "Ġdup": 32597, + "ĠJR": 32598, + "ĠGrav": 32599, + "Ġstature": 32600, + "Ġbathrooms": 32601, + "Aside": 32602, + "Wiki": 32603, + "mean": 32604, + "ĠZak": 32605, + "ĠOnes": 32606, + "ĠNath": 32607, + "Ġhypert": 32608, + "Ġcommencement": 32609, + "Civil": 32610, + "Ġmoderately": 32611, + "Ġdistributors": 32612, + "Ġbreastfeeding": 32613, + "Ġ980": 32614, + "ĠSik": 32615, + "ĠCig": 32616, + "ĠAMER": 32617, + "RIP": 32618, + "ĠCareer": 32619, + "usting": 32620, + "Ġmessed": 32621, + "Ġeh": 32622, + "ĠJensen": 32623, + "/$": 32624, + "Ġblackmail": 32625, + "Ġconversions": 32626, + "Ġscientifically": 32627, + "Ġmantra": 32628, + "paying": 32629, + "Ġivory": 32630, + "ĠCourts": 32631, + "OUGH": 32632, + "auntlet": 32633, + "Serial": 32634, + "Brow": 32635, + "ĠHundreds": 32636, + "323": 32637, + "Ġpee": 32638, + "Ġlinux": 32639, + "Ġsubmer": 32640, + "ĠPrincipal": 32641, + "485": 32642, + "ĠDSL": 32643, + "ĠCousins": 32644, + "Ġdoctrines": 32645, + "ĠAthletics": 32646, + "Ġ315": 32647, + "ĠKarma": 32648, + "Ġattent": 32649, + "urger": 32650, + "Ġprescribe": 32651, + "Ġencaps": 32652, + "ĠCame": 32653, + "Ġsecretive": 32654, + "ĠCrimes": 32655, + "dn": 32656, + "Clean": 32657, + "ĠEgyptians": 32658, + "ĠCarpenter": 32659, + "Ġll": 32660, + "Hum": 32661, + "ĠMilo": 32662, + "Ġcapitalists": 32663, + "Ġbriefed": 32664, + "Twe": 32665, + "ĠBasin": 32666, + "elvet": 32667, + "Mos": 32668, + "Ġplunge": 32669, + "ĠKaiser": 32670, + "ĠFuj": 32671, + "illin": 32672, + "Ġsafeguards": 32673, + "Ġoste": 32674, + "ĠOpportunity": 32675, + "ĠMafia": 32676, + "ĠCalling": 32677, + "apa": 32678, + "urban": 32679, + "brush": 32680, + "illard": 32681, + "cé": 32682, + "intelligence": 32683, + "ĠLob": 32684, + "ĠDruid": 32685, + "Ġsmoother": 32686, + "Ġfooting": 32687, + "Ġmotorists": 32688, + "arcity": 32689, + "Ġmasculinity": 32690, + "Ġmism": 32691, + "Ġabdominal": 32692, + "ĠTavern": 32693, + "ĠRoh": 32694, + "Ġescapes": 32695, + "signed": 32696, + "Anthony": 32697, + "Ġsacrificing": 32698, + "Ġintimacy": 32699, + "Ġanterior": 32700, + "ĠKod": 32701, + "Ġmotif": 32702, + "Ġgraz": 32703, + "Ġvisualization": 32704, + "Ġguitarist": 32705, + "ĠTrotsky": 32706, + "magic": 32707, + "Dar": 32708, + "ĠMori": 32709, + "Ġwards": 32710, + "Ġtoilets": 32711, + "lest": 32712, + "Ġteleport": 32713, + "ĠSundays": 32714, + "ĠPlat": 32715, + "ETS": 32716, + "ĠeSports": 32717, + "Patrick": 32718, + "ĠKatherine": 32719, + "enko": 32720, + "Ġhassle": 32721, + "ĠMick": 32722, + "ggles": 32723, + "Ġhob": 32724, + "aintain": 32725, + "Ġairborne": 32726, + "Ġspans": 32727, + "Ġchili": 32728, + "Ġaperture": 32729, + "Ġvolunteered": 32730, + "ĠIncident": 32731, + "ĠFres": 32732, + "ĠVeteran": 32733, + "aughtered": 32734, + "ingo": 32735, + "Ġuninsured": 32736, + "CLOSE": 32737, + "Ġfuse": 32738, + "Ġerotic": 32739, + "Ġadvertise": 32740, + "raising": 32741, + "Texture": 32742, + "Ġattends": 32743, + "ĠREAL": 32744, + "uddled": 32745, + "Ġsmoot": 32746, + "Ġ305": 32747, + "ĠWillis": 32748, + "Ġblond": 32749, + "Analysis": 32750, + "ĠVT": 32751, + "onica": 32752, + "Ġstronghold": 32753, + "RF": 32754, + "NM": 32755, + ".>>": 32756, + "Ġprosperous": 32757, + "Ġboasted": 32758, + "292": 32759, + "ĠManufacturing": 32760, + "PRESS": 32761, + "gren": 32762, + "Ġpharmacy": 32763, + "ĠRockefeller": 32764, + "kai": 32765, + "Ġthumbs": 32766, + "ĠHut": 32767, + "Ġmotherboard": 32768, + "Ġguardians": 32769, + "ĠAlter": 32770, + "llular": 32771, + "Ġshack": 32772, + "Ġwisely": 32773, + "Ġbackbone": 32774, + "erva": 32775, + "Ġsuicides": 32776, + "ĠMcGregor": 32777, + "ijah": 32778, + "Emer": 32779, + "ĠBrav": 32780, + "Ġdesignate": 32781, + "POST": 32782, + "produced": 32783, + "Ġcleansing": 32784, + "irlwind": 32785, + "existent": 32786, + "ĠHumph": 32787, + "ĠPayne": 32788, + "Ġvested": 32789, + "Å¡": 32790, + "Ġstringent": 32791, + "iona": 32792, + "Ġunsub": 32793, + "Ġsummed": 32794, + "ĠHercules": 32795, + "subject": 32796, + "ĠRagnar": 32797, + "ĠNos": 32798, + "Ġcharacterization": 32799, + "Ġsavvy": 32800, + "ĠDawson": 32801, + "ĠCasino": 32802, + "Ġfri": 32803, + "ĠBarrier": 32804, + "Ġmisinformation": 32805, + "Ġinsulation": 32806, + "Ġcorridors": 32807, + "Ġairplanes": 32808, + "ĠNoct": 32809, + "ahi": 32810, + "Ġ1916": 32811, + "kb": 32812, + "armac": 32813, + "Ġshun": 32814, + "Ġschema": 32815, + "Ġhorrified": 32816, + "Ġ239": 32817, + "aunders": 32818, + "NB": 32819, + "iates": 32820, + "erity": 32821, + "ĠShard": 32822, + "Ġrarity": 32823, + "Ġgrouped": 32824, + "ĠGhana": 32825, + "against": 32826, + "ĠBiological": 32827, + "ĠAware": 32828, + "owell": 32829, + "ÏĦ": 32830, + "ĠBeau": 32831, + "shaw": 32832, + "Hack": 32833, + "ĠJulius": 32834, + "USS": 32835, + "olson": 32836, + "auna": 32837, + "cru": 32838, + "ĠMaurice": 32839, + "ĠIk": 32840, + "Ġsequencing": 32841, + "Ġradicals": 32842, + "Ġ(?,": 32843, + "virtual": 32844, + "Ġanyways": 32845, + "Ġreperc": 32846, + "Ġhandlers": 32847, + "Ġhesitant": 32848, + "éĥ": 32849, + "ĠMF": 32850, + "plementation": 32851, + "associated": 32852, + "Ġcampaigned": 32853, + "ĠYue": 32854, + "utations": 32855, + "ĠYoga": 32856, + "Ġsimmer": 32857, + "Ġrods": 32858, + "Ġmelody": 32859, + "Ġconvoy": 32860, + "videos": 32861, + "Ġscreened": 32862, + "Neg": 32863, + "ochemical": 32864, + "Ġ())": 32865, + "Ġultras": 32866, + "Ġantip": 32867, + "ĠIslanders": 32868, + "704": 32869, + "Ġfetish": 32870, + "Ġridiculously": 32871, + "ĠKart": 32872, + "Ġmitochondrial": 32873, + "Ġinterfering": 32874, + "Builder": 32875, + "Ġoverfl": 32876, + "Ġacne": 32877, + "ĠMud": 32878, + "ĠKerr": 32879, + "flex": 32880, + "ĠPostal": 32881, + "ĠBaltic": 32882, + "477": 32883, + "ĠPersons": 32884, + "ourage": 32885, + "HB": 32886, + "ĠMuse": 32887, + "ĠImmortal": 32888, + "ĠDriving": 32889, + "Ġpetitions": 32890, + "Ġsubscript": 32891, + "Ġsorce": 32892, + "ĠProcessor": 32893, + "uton": 32894, + "Sony": 32895, + "Ġphon": 32896, + "Ġraced": 32897, + "ĠAnthrop": 32898, + "Ġdaytime": 32899, + "ĠExercise": 32900, + "Adding": 32901, + "Ġengages": 32902, + "ĠQualcomm": 32903, + "Ġmiracles": 32904, + "Ġmemes": 32905, + "ĠDrink": 32906, + "ĠOrioles": 32907, + "Ġhairs": 32908, + "ĠPolar": 32909, + "athom": 32910, + "Ġslippery": 32911, + "ĠRemy": 32912, + "Ġcaramel": 32913, + "ĠYEAR": 32914, + "Ġalk": 32915, + "Ign": 32916, + "aution": 32917, + "ĠMerlin": 32918, + "ĠCran": 32919, + "Ġapologies": 32920, + "Ġ410": 32921, + "Ġouting": 32922, + "ĠMemories": 32923, + "appointed": 32924, + "Ġcountered": 32925, + "uld": 32926, + "posing": 32927, + "Ġfirewall": 32928, + "ĠWast": 32929, + "ĠWet": 32930, + "worked": 32931, + "seller": 32932, + "Ġrepealed": 32933, + "ereo": 32934, + "assuming": 32935, + "BLIC": 32936, + "mite": 32937, + "ĠCEOs": 32938, + "ĠChapel": 32939, + "elligent": 32940, + "________________________": 32941, + "Dog": 32942, + "Ġwart": 32943, + "Ġsubscriber": 32944, + "sports": 32945, + "Ġbegged": 32946, + "ĠMV": 32947, + "Ġsemif": 32948, + "ethical": 32949, + "Ġpreach": 32950, + "Ġrevital": 32951, + "Ġpunitive": 32952, + "Ġshortcuts": 32953, + "Ġinstituted": 32954, + "ĠWarsaw": 32955, + "Ġabdomen": 32956, + "ĠKING": 32957, + "Ġsuperintendent": 32958, + "Ġfry": 32959, + "ĠGeo": 32960, + "TOR": 32961, + "Ġcontradictions": 32962, + "aptic": 32963, + "Ġlandscapes": 32964, + "bugs": 32965, + "Ġclust": 32966, + "Ġvolley": 32967, + "cribed": 32968, + "Ġtandem": 32969, + "Ġrobes": 32970, + "WHAT": 32971, + "Ġpromoter": 32972, + "Ġeloqu": 32973, + "reviewed": 32974, + "ĠDK": 32975, + "ĠPlato": 32976, + "Ġfps": 32977, + "Tank": 32978, + "ĠDerrick": 32979, + "Ġprioritize": 32980, + "asper": 32981, + "ĠHonduras": 32982, + "ĠCompleted": 32983, + "nec": 32984, + "Ġmog": 32985, + "nir": 32986, + "ĠMayo": 32987, + "DEF": 32988, + "stall": 32989, + "inness": 32990, + "ĠVolkswagen": 32991, + "Ġprecaution": 32992, + "ĠMell": 32993, + "iak": 32994, + "istries": 32995, + "Ġ248": 32996, + "Ġoverlapping": 32997, + "Senate": 32998, + "ĠEnhance": 32999, + "resy": 33000, + "racial": 33001, + "ORTS": 33002, + "ĠMormons": 33003, + "Strong": 33004, + "ĠCoch": 33005, + "Mexico": 33006, + "ĠMaduro": 33007, + "Ġjars": 33008, + "Ġcane": 33009, + "Wik": 33010, + "olla": 33011, + "ifference": 33012, + "Ġphysicist": 33013, + "ĠMaggie": 33014, + "Ġ285": 33015, + "Ġdepiction": 33016, + "ĠMcLaren": 33017, + "Ju": 33018, + "Ġslows": 33019, + "Ġcommissioners": 33020, + "ĠWillow": 33021, + "ĠExplos": 33022, + "hovah": 33023, + "Ġtechnician": 33024, + "Ġhomicides": 33025, + "ĠFlav": 33026, + "ĠTruman": 33027, + "Ġ10000": 33028, + "uctor": 33029, + "Ġshader": 33030, + "Newsletter": 33031, + "457": 33032, + "Ġrever": 33033, + "Ġhardened": 33034, + "Ġwhereabouts": 33035, + "Ġredevelop": 33036, + "Ġcarbs": 33037, + "Ġtravers": 33038, + "Ġsquirrel": 33039, + "Ġfollower": 33040, + "Ġsings": 33041, + "508": 33042, + "Ġrabbits": 33043, + "emonium": 33044, + "Ġdocumenting": 33045, + "Ġmisunderstood": 33046, + ")'": 33047, + "Rick": 33048, + "ggies": 33049, + "Ġpremie": 33050, + "Ġskating": 33051, + "Ġpassports": 33052, + "Ġfists": 33053, + "ageddon": 33054, + "Haw": 33055, + "ACP": 33056, + "080": 33057, + "ĠThoughts": 33058, + "ĠCarlson": 33059, + "Ġpriesthood": 33060, + "hua": 33061, + "Ġdungeons": 33062, + "ĠLoans": 33063, + "Ġantis": 33064, + "Ġfamiliarity": 33065, + "ĠSabb": 33066, + "opal": 33067, + "ĠInk": 33068, + "strike": 33069, + "Ġcram": 33070, + "Ġlegalized": 33071, + "Ġcuisine": 33072, + "Ġfibre": 33073, + "Travel": 33074, + "ĠMonument": 33075, + "ODY": 33076, + "ethy": 33077, + "Ġinterstate": 33078, + "ĠPUR": 33079, + "emporary": 33080, + "ĠArabian": 33081, + "developed": 33082, + "Ġsaddle": 33083, + "Ġgithub": 33084, + "ĠOffer": 33085, + "ĠISP": 33086, + "rolet": 33087, + "ĠSUPER": 33088, + "ĠDenis": 33089, + "Ġmultiplier": 33090, + "Ġstirred": 33091, + "Interestingly": 33092, + "Ġcustomary": 33093, + "Ġbilled": 33094, + "hex": 33095, + "Ġmultiplied": 33096, + "Ġflipping": 33097, + "ĠCrosby": 33098, + "Ġfundamentals": 33099, + "iae": 33100, + "ĠPlayed": 33101, + "ĠAtom": 33102, + "amazon": 33103, + "ĠFlam": 33104, + "eez": 33105, + "activated": 33106, + "Ġtablespoon": 33107, + "Ġliberalism": 33108, + "ĠPalin": 33109, + "ĠPatel": 33110, + "Num": 33111, + "ĠTAM": 33112, + "Ġsurn": 33113, + "ĠReloaded": 33114, + "Ġcoined": 33115, + "\"],": 33116, + "ĠClash": 33117, + "ĠAgu": 33118, + "Ġpragmatic": 33119, + "ĠActivate": 33120, + "Ġ802": 33121, + "Ġtrailers": 33122, + "Ġsilhou": 33123, + "Ġprobes": 33124, + "Ġcircus": 33125, + "ĠBain": 33126, + "ĠLindsay": 33127, + "ĠAbbey": 33128, + "Delivery": 33129, + "Ġconcession": 33130, + "Ġgastro": 33131, + "ĠSprite": 33132, + "ÄŁ": 33133, + "andel": 33134, + "Ġgimm": 33135, + "Ġautobi": 33136, + "ĠTurtle": 33137, + "Ġwonderfully": 33138, + "ĠHaram": 33139, + "ĠWorldwide": 33140, + "ĠHandle": 33141, + "Ġtheorists": 33142, + "Ġsleek": 33143, + "ĠZhu": 33144, + "ographically": 33145, + "EGA": 33146, + "ĠOwners": 33147, + "aths": 33148, + "ĠAntarctic": 33149, + "natal": 33150, + "=\"\"": 33151, + "flags": 33152, + "````": 33153, + "Ġsul": 33154, + "Kh": 33155, + "Ġpotassium": 33156, + "Ġlineman": 33157, + "Ġcereal": 33158, + "ĠSeasons": 33159, + "Ġ2022": 33160, + "Ġmathematic": 33161, + "Ġastronomers": 33162, + "professional": 33163, + "Ġfares": 33164, + "cknowled": 33165, + "Ġchi": 33166, + "Ġyoungsters": 33167, + "Ġmistakenly": 33168, + "Ġhemisphere": 33169, + "ĠDivinity": 33170, + "rone": 33171, + "Ġ\",": 33172, + "rings": 33173, + "Ġattracts": 33174, + "vana": 33175, + "å¹": 33176, + "CAP": 33177, + "Ġplaylist": 33178, + "Ġporch": 33179, + "ãģ£": 33180, + "Ġincorporates": 33181, + "Ġsoak": 33182, + "Ġasserting": 33183, + "ĠTerrorism": 33184, + "ĠPablo": 33185, + "Ja": 33186, + "cester": 33187, + "Ġfearing": 33188, + "ĠPrayer": 33189, + "Ġescalated": 33190, + "GW": 33191, + "Ġrobe": 33192, + "ĠBrighton": 33193, + "acists": 33194, + "ĠSymphony": 33195, + "ĠDwarf": 33196, + "ĠParade": 33197, + "ĠLego": 33198, + "Ġinexpl": 33199, + "Ġlords": 33200, + "leaf": 33201, + "RAG": 33202, + "liber": 33203, + "Ġcigars": 33204, + "ĠJehovah": 33205, + "606": 33206, + "WINDOWS": 33207, + "ĠLiberia": 33208, + "ebus": 33209, + "Heavy": 33210, + "Ġlubric": 33211, + "ĠRW": 33212, + "anguages": 33213, + "Ġnarrowed": 33214, + "computer": 33215, + "ĠEmber": 33216, + "Ġmurdering": 33217, + "Ġdownstream": 33218, + "ĠTuls": 33219, + "ĠTables": 33220, + "Topic": 33221, + "ĠAccuracy": 33222, + "=/": 33223, + "lost": 33224, + "ĠRei": 33225, + "Ġprogresses": 33226, + "bear": 33227, + "Ġestablishments": 33228, + "Justin": 33229, + "ĠPeach": 33230, + "ĠGomez": 33231, + "å¿": 33232, + "ĠTriangle": 33233, + "Ident": 33234, + "ĠHive": 33235, + "Resources": 33236, + "Ġmixes": 33237, + "ĠAssuming": 33238, + "Mu": 33239, + "Ġhypoc": 33240, + "Ġsane": 33241, + "ĠWan": 33242, + "idious": 33243, + "Success": 33244, + "Ġio": 33245, + "Angel": 33246, + "Ġdangerously": 33247, + "ĠCreature": 33248, + "WORK": 33249, + ":[": 33250, + "ĠKatrina": 33251, + "Listener": 33252, + "Miller": 33253, + "ĠIdlib": 33254, + "hang": 33255, + "Ġcircumvent": 33256, + "href": 33257, + "Ġcelestial": 33258, + "ĠWeeks": 33259, + "ĠPug": 33260, + "ĠDalton": 33261, + "Ġsubpoena": 33262, + "uku": 33263, + "Ġpersisted": 33264, + "pei": 33265, + "olding": 33266, + "ĠDocuments": 33267, + "ĠHast": 33268, + "ĠCENT": 33269, + "Ġprimer": 33270, + "Ġsynonymous": 33271, + "Ġnib": 33272, + "ombs": 33273, + "Ġnotation": 33274, + "ĠDish": 33275, + "ĠAtmosp": 33276, + "Ġforbid": 33277, + "ĠANG": 33278, + "pattern": 33279, + "los": 33280, + "Ġprojectiles": 33281, + "brown": 33282, + ".\",": 33283, + "ĠVenom": 33284, + "Ġfiercely": 33285, + "ublished": 33286, + "ĠUran": 33287, + "ĠNicarag": 33288, + "410": 33289, + "ĠCAL": 33290, + "OTOS": 33291, + "ĠMiracle": 33292, + "ĠEnchant": 33293, + "Ġguarding": 33294, + "append": 33295, + "Attach": 33296, + "Ġleveled": 33297, + "Ġcondoms": 33298, + "ihilation": 33299, + "649": 33300, + "Ġnightmares": 33301, + "ĠTHEY": 33302, + "ĠSTART": 33303, + "ĠKinn": 33304, + "Ġroommate": 33305, + "Ġhygiene": 33306, + "opping": 33307, + "Job": 33308, + "Ġlvl": 33309, + "ĠVER": 33310, + "ĠKeeping": 33311, + "abetic": 33312, + "Ġformatting": 33313, + "erala": 33314, + "Ġrevisions": 33315, + "Ġresurg": 33316, + "Tel": 33317, + "ĠGoodman": 33318, + "353": 33319, + "pod": 33320, + "Ġindisp": 33321, + "ĠTranslation": 33322, + "Ġgown": 33323, + "ĠMund": 33324, + "Ġcis": 33325, + "Ġbystand": 33326, + "collect": 33327, + "ĠPunjab": 33328, + "actively": 33329, + "ĠGamb": 33330, + "tell": 33331, + "Ġimporting": 33332, + "gencies": 33333, + "Ġlocom": 33334, + "ĠBrill": 33335, + "Holy": 33336, + "ĠBerger": 33337, + "Ġshowdown": 33338, + "Ġresponders": 33339, + "ILY": 33340, + "Ġtakedown": 33341, + "leted": 33342, + "Ġmattered": 33343, + "Ġpredictive": 33344, + "Ġoverlay": 33345, + "GPU": 33346, + "ĠVick": 33347, + "Ġconveyed": 33348, + "Tab": 33349, + "peer": 33350, + "Scan": 33351, + "Ġdefensively": 33352, + "vae": 33353, + "Ġapproving": 33354, + "Ġtiers": 33355, + "ĠVia": 33356, + "querade": 33357, + "ĠSaudis": 33358, + "Ġdemolished": 33359, + "ĠProphe": 33360, + "Ġmono": 33361, + "Ġhospitality": 33362, + "HAM": 33363, + "ĠAriel": 33364, + "MOD": 33365, + "ĠTorah": 33366, + "Ġblah": 33367, + "ĠBelarus": 33368, + "erential": 33369, + "ĠTuc": 33370, + "Ġbanker": 33371, + "397": 33372, + "Ġmosquit": 33373, + "ĠScientist": 33374, + "ĠMusical": 33375, + "Ġhust": 33376, + "Shift": 33377, + "Ġtorment": 33378, + "Ġstandoff": 33379, + "Educ": 33380, + "ĠFog": 33381, + "Ġamplifier": 33382, + "Shape": 33383, + "Instance": 33384, + "ĠCritics": 33385, + "Ġdaemon": 33386, + "Houston": 33387, + "Ġmattress": 33388, + "ĠIDF": 33389, + "Ġobscene": 33390, + "ĠAmer": 33391, + "hetti": 33392, + "Ġcompiling": 33393, + "352": 33394, + "verett": 33395, + "ĠReduction": 33396, + "istration": 33397, + "ĠBlessed": 33398, + "ĠBachelor": 33399, + "316": 33400, + "Ġprank": 33401, + "ĠVulcan": 33402, + "dding": 33403, + "Ġmourning": 33404, + "ĠQuint": 33405, + "ĠBlaster": 33406, + "testing": 33407, + "Ġsediment": 33408, + ">>>": 33409, + "ĠEternity": 33410, + "ĠWHERE": 33411, + "ĠMaze": 33412, + "Ġreacting": 33413, + "ĠAlv": 33414, + "omsday": 33415, + "ĠCRA": 33416, + "Ġtranslator": 33417, + "Ġbogus": 33418, + "atu": 33419, + "Website": 33420, + "olls": 33421, + "Ġbaptism": 33422, + "Ġsibling": 33423, + "ĠAutumn": 33424, + "vez": 33425, + "ãģ®é": 33426, + "guards": 33427, + "Georg": 33428, + "assadors": 33429, + "ĠFreud": 33430, + "Ġcontinents": 33431, + "ĠRegistry": 33432, + "Bernie": 33433, + "ĸļ士": 33434, + "Ġtolerant": 33435, + "ĠUW": 33436, + "Ġhorribly": 33437, + "995": 33438, + "ĠMIDI": 33439, + "Ġimpatient": 33440, + "ocado": 33441, + "eri": 33442, + "ĠWorst": 33443, + "ĠNorris": 33444, + "ĠTalking": 33445, + "Ġdefends": 33446, + "ensable": 33447, + "Ġ2021": 33448, + "Ġanatomy": 33449, + "Lew": 33450, + "Ġdrawer": 33451, + "ĠCanberra": 33452, + "Ġpatriotic": 33453, + "é¾įåĸļ士": 33454, + "ĠAvg": 33455, + "ARM": 33456, + "Ġundisclosed": 33457, + "Ġfarewell": 33458, + "459": 33459, + "bable": 33460, + "ĠAllison": 33461, + "OLOG": 33462, + "Ġconco": 33463, + "tight": 33464, + "ĠACPI": 33465, + "ĠMines": 33466, + "lich": 33467, + "ĠâĶľ": 33468, + "represented": 33469, + "200000": 33470, + "Ġenthusiast": 33471, + "OTS": 33472, + "bil": 33473, + "ĠIngredients": 33474, + "Ġinventor": 33475, + "ĠMySQL": 33476, + "³³³": 33477, + "ĠABOUT": 33478, + "within": 33479, + "Ġmk": 33480, + "Bul": 33481, + "ĠFake": 33482, + "Ġdraconian": 33483, + "Wa": 33484, + "helm": 33485, + "ĠTerran": 33486, + "erville": 33487, + "Ġcommonplace": 33488, + "SIZE": 33489, + "Ġ\"<": 33490, + "replace": 33491, + "ographs": 33492, + "ĠSELECT": 33493, + "incible": 33494, + "ĠMostly": 33495, + "ĠSheffield": 33496, + "ĠIDE": 33497, + "uggle": 33498, + "Ġcitations": 33499, + "hurst": 33500, + "ĠUnix": 33501, + "Ġunleash": 33502, + "ĠPiper": 33503, + "ĠNano": 33504, + "Ġsuccumb": 33505, + "Ġreluctance": 33506, + "Ġ2500": 33507, + "ĠMerchant": 33508, + "Ġwiret": 33509, + "Ġcombos": 33510, + "ĠBirthday": 33511, + "Ġcharcoal": 33512, + "ĠUPS": 33513, + "ĠFairfax": 33514, + "Ġdriveway": 33515, + "ĠTek": 33516, + "ĠPitch": 33517, + "overe": 33518, + "Ġtechnicians": 33519, + "ĠActual": 33520, + "flation": 33521, + "ĠFiscal": 33522, + "ĠEmpty": 33523, + "anamo": 33524, + "Ġmagnesium": 33525, + "Ġslut": 33526, + "Ġgrowers": 33527, + "Investigators": 33528, + "():": 33529, + "ĠSatellite": 33530, + "ĠKeynes": 33531, + "missive": 33532, + "lane": 33533, + "Ġborough": 33534, + "344": 33535, + "ĠTEAM": 33536, + "ĠBethesda": 33537, + "CV": 33538, + "hower": 33539, + "ĠRAD": 33540, + "Ġchant": 33541, + "ĠRiy": 33542, + "Ġcompositions": 33543, + "Ġmildly": 33544, + "Ġmeddling": 33545, + "Ġagility": 33546, + "aneers": 33547, + "501": 33548, + "Ġsynth": 33549, + "linger": 33550, + "291": 33551, + "Ġexclaimed": 33552, + "Party": 33553, + "Ġcontamin": 33554, + "ĠManor": 33555, + "ĠRespond": 33556, + "Ġpraising": 33557, + "Ġmanners": 33558, + "fleet": 33559, + "Summer": 33560, + "ĠLynd": 33561, + "ĠDefinitely": 33562, + "grim": 33563, + "Ġbowling": 33564, + "stri": 33565, + "çĽ": 33566, + "ynt": 33567, + "Ġmandates": 33568, + "DIV": 33569, + "Ġreconcile": 33570, + "views": 33571, + "ĠDamon": 33572, + "vette": 33573, + "Flo": 33574, + "ĠGreatest": 33575, + "ilon": 33576, + "icia": 33577, + "Ġportrayal": 33578, + "Ġcushion": 33579, + "504": 33580, + "1979": 33581, + "ossal": 33582, + "Applic": 33583, + "scription": 33584, + "Ġmitigation": 33585, + "ATS": 33586, + "pac": 33587, + "Ġerased": 33588, + "Ġdeficiencies": 33589, + "ĠHollande": 33590, + "ĠXu": 33591, + "Ġbred": 33592, + "Ġpregnancies": 33593, + "femin": 33594, + "Ġemph": 33595, + "Ġplanners": 33596, + "Ġoutper": 33597, + "uttering": 33598, + "Ġperpetrator": 33599, + "Ġmotto": 33600, + "ĠEllison": 33601, + "ĠNEVER": 33602, + "Ġadmittedly": 33603, + "ARI": 33604, + "ĠAzerbaijan": 33605, + "Ġmillisec": 33606, + "Ġcombustion": 33607, + "ĠBottle": 33608, + "ĠLund": 33609, + "ĠPs": 33610, + "ĠDress": 33611, + "Ġfabricated": 33612, + "Ġbattered": 33613, + "Ġsidel": 33614, + "ĠNotting": 33615, + "Foreign": 33616, + "ĠJerome": 33617, + "020": 33618, + "ĠArbit": 33619, + "Ġknots": 33620, + "ĠRIGHT": 33621, + "Moving": 33622, + "ãģĻ": 33623, + "Ġsurgeries": 33624, + "Ġcourthouse": 33625, + "Ġmastered": 33626, + "Ġhovering": 33627, + "ĠBran": 33628, + "ĠAlison": 33629, + "Ġsafest": 33630, + "military": 33631, + "Ġbullied": 33632, + "Ġbarrage": 33633, + "Reader": 33634, + "ESE": 33635, + "ĠGeographic": 33636, + "Tools": 33637, + "314": 33638, + "ĠGeek": 33639, + "roth": 33640, + "glers": 33641, + "ĠFIN": 33642, + "Ïģ": 33643, + "ĠAston": 33644, + "altern": 33645, + "488": 33646, + "Ġveterin": 33647, + "Gamer": 33648, + "Ġintel": 33649, + "renches": 33650, + "Shield": 33651, + "Ġamnesty": 33652, + "ĠBhar": 33653, + "Ġpiled": 33654, + "Ġhonorable": 33655, + "ĠInstitutes": 33656, + "Ġsoaked": 33657, + "Ġcoma": 33658, + "ĠEFF": 33659, + "341": 33660, + "bytes": 33661, + "ĠGmail": 33662, + "lein": 33663, + "ĠCanadiens": 33664, + "material": 33665, + "Il": 33666, + "Ġinstructors": 33667, + "ĠKY": 33668, + "Ġconceive": 33669, + "ubb": 33670, + "ĠPossible": 33671, + "Ġeasing": 33672, + "ĠChristina": 33673, + "Ġcaric": 33674, + "ĠHDR": 33675, + "ROM": 33676, + "Ġshovel": 33677, + "delete": 33678, + "Ġpuff": 33679, + "ĠChanging": 33680, + "Ġseamlessly": 33681, + "Attribute": 33682, + "Ġacquisitions": 33683, + "akery": 33684, + "ĠEF": 33685, + "Ġautistic": 33686, + "ĠTakes": 33687, + "ĠPowder": 33688, + "ĠStir": 33689, + "510": 33690, + "ĠBubble": 33691, + "settings": 33692, + "ĠFowler": 33693, + "Ġmustard": 33694, + "Ġmoreover": 33695, + "Ġcopyrighted": 33696, + "ĠLEDs": 33697, + "1500": 33698, + "æī": 33699, + "ĠHIS": 33700, + "enf": 33701, + "Ġcustod": 33702, + "ĠHuck": 33703, + "Gi": 33704, + "Ġimg": 33705, + "Answer": 33706, + "Ct": 33707, + "jay": 33708, + "ĠInfrastructure": 33709, + "Ġfederally": 33710, + "Loc": 33711, + "Ġmicrobes": 33712, + "Ġoverrun": 33713, + "dds": 33714, + "otent": 33715, + "adiator": 33716, + ">>>>>>>>": 33717, + "Ġtornado": 33718, + "Ġadjud": 33719, + "Ġintrigued": 33720, + "Ġsi": 33721, + "ĠRevelation": 33722, + "progress": 33723, + "Ġburglary": 33724, + "ĠSaiyan": 33725, + "ĠKathy": 33726, + "Ġserpent": 33727, + "ĠAndreas": 33728, + "Ġcompel": 33729, + "essler": 33730, + "ĠPlastic": 33731, + "ĠAdvent": 33732, + "ĠPositive": 33733, + "ĠQt": 33734, + "ĠHindus": 33735, + "registered": 33736, + "ularity": 33737, + "Ġrighteousness": 33738, + "Ġdemonic": 33739, + "uitive": 33740, + "ĠBDS": 33741, + "ĠGregg": 33742, + "cia": 33743, + "ĠCrusade": 33744, + "ĠSinai": 33745, + "WARE": 33746, + "+(": 33747, + "Ġmell": 33748, + "Ġderail": 33749, + "yards": 33750, + "Ast": 33751, + "Ġnoticeably": 33752, + "ĠOber": 33753, + "Ram": 33754, + "Ġunnoticed": 33755, + "Ġseq": 33756, + "avage": 33757, + "Ts": 33758, + "Ġ640": 33759, + "Ġconcede": 33760, + "Ġ])": 33761, + "Fill": 33762, + "Ġcaptivity": 33763, + "ĠImprovement": 33764, + "ĠCrusader": 33765, + "araoh": 33766, + "MAP": 33767, + "æĹ": 33768, + "Ġstride": 33769, + "always": 33770, + "Fly": 33771, + "Nit": 33772, + "Ġalgae": 33773, + "ĠCooking": 33774, + "ĠDoors": 33775, + "Malley": 33776, + "Ġpolicemen": 33777, + "ãģį": 33778, + "Ġastronaut": 33779, + "accessible": 33780, + "495": 33781, + "ĠRAW": 33782, + "cliffe": 33783, + "udicrous": 33784, + "Ġdepended": 33785, + "alach": 33786, + "Ġventures": 33787, + "rake": 33788, + "Ġtits": 33789, + "ĠHou": 33790, + "Ġcondom": 33791, + "ormonal": 33792, + "Ġindent": 33793, + "Ġuploading": 33794, + "Footnote": 33795, + "Important": 33796, + "Ġ271": 33797, + "Ġmindful": 33798, + "Ġcontends": 33799, + "Cra": 33800, + "Ġcalibr": 33801, + "ĠOECD": 33802, + "plugin": 33803, + "Fat": 33804, + "ĠISS": 33805, + "ĠDynamics": 33806, + "ansen": 33807, + "686": 33808, + "'),": 33809, + "Ġsprite": 33810, + "Ġhandheld": 33811, + "ĠHipp": 33812, + "=~=~": 33813, + "Trust": 33814, + "Ġsemantics": 33815, + "ĠBundes": 33816, + "ĠReno": 33817, + "ĠLiterature": 33818, + "sense": 33819, + "Gary": 33820, + "ĠAeg": 33821, + "ĠTrin": 33822, + "EEK": 33823, + "Ġcleric": 33824, + "ĠSSH": 33825, + "Ġchrist": 33826, + "Ġinvading": 33827, + "ibu": 33828, + "Ġenum": 33829, + "aura": 33830, + "Ġallege": 33831, + "ĠIncredible": 33832, + "BBC": 33833, + "Ġthru": 33834, + "Ġsailed": 33835, + "Ġemulate": 33836, + "Ġinsecurity": 33837, + "Ġcrou": 33838, + "Ġaccommodations": 33839, + "Ġincompetent": 33840, + "Ġslips": 33841, + "ĠEarthqu": 33842, + "sama": 33843, + "ILLE": 33844, + "ĠiPhones": 33845, + "asaki": 33846, + "Ġbye": 33847, + "Ġard": 33848, + "Ġextras": 33849, + "Ġslaughtered": 33850, + "Ġcrowdfunding": 33851, + "resso": 33852, + "Ġfilib": 33853, + "ĠERROR": 33854, + "ĠTLS": 33855, + "egg": 33856, + "ĠItal": 33857, + "Ġenlist": 33858, + "ĠCatalonia": 33859, + "ĠScots": 33860, + "Ġsergeant": 33861, + "Ġdissolve": 33862, + "NH": 33863, + "Ġstandings": 33864, + "rique": 33865, + "IQ": 33866, + "Ġbeneficiary": 33867, + "Ġaquarium": 33868, + "YouTube": 33869, + "ĠPowerShell": 33870, + "Ġbrightest": 33871, + "ĠWarrant": 33872, + "Sold": 33873, + "Writing": 33874, + "Ġbeginnings": 33875, + "ĠReserved": 33876, + "ĠLatinos": 33877, + "heading": 33878, + "Ġ440": 33879, + "Ġrooftop": 33880, + "ATING": 33881, + "Ġ390": 33882, + "VPN": 33883, + "Gs": 33884, + "kernel": 33885, + "turned": 33886, + "Ġpreferable": 33887, + "Ġturnovers": 33888, + "ĠHels": 33889, + "Sa": 33890, + "ĠShinji": 33891, + "veh": 33892, + "ĠMODULE": 33893, + "Viol": 33894, + "Ġexiting": 33895, + "Ġjab": 33896, + "ĠVanilla": 33897, + "Ġacron": 33898, + "ĠGap": 33899, + "bern": 33900, + "Ak": 33901, + "ĠMcGu": 33902, + "Ġendlessly": 33903, + "ĠFarage": 33904, + "ĠNoel": 33905, + "Va": 33906, + "MK": 33907, + "Ġbrute": 33908, + "ĠKru": 33909, + "ĠESV": 33910, + "ĠOlivia": 33911, + "âĢł": 33912, + "ĠKaf": 33913, + "Ġtrusting": 33914, + "Ġhots": 33915, + "324": 33916, + "Ġmalaria": 33917, + "Ġjson": 33918, + "Ġpounding": 33919, + "ortment": 33920, + "Country": 33921, + "Ġpostponed": 33922, + "Ġunequiv": 33923, + "?),": 33924, + "ĠRooney": 33925, + "udding": 33926, + "ĠLeap": 33927, + "urrence": 33928, + "shapeshifter": 33929, + "ĠHAS": 33930, + "osate": 33931, + "Ġcavern": 33932, + "Ġconservatism": 33933, + "ĠBAD": 33934, + "Ġmileage": 33935, + "Ġarresting": 33936, + "Vaults": 33937, + "Ġmixer": 33938, + "Democratic": 33939, + "ĠBenson": 33940, + "Ġauthored": 33941, + "8000": 33942, + "Ġproactive": 33943, + "ĠSpiritual": 33944, + "tre": 33945, + "Ġincarcerated": 33946, + "ĠSort": 33947, + "Ġpeaked": 33948, + "Ġwielding": 33949, + "reciation": 33950, + "×Ļ×": 33951, + "Patch": 33952, + "ĠEmmy": 33953, + "Ġexqu": 33954, + "tto": 33955, + "ĠRatio": 33956, + "ĠPicks": 33957, + "ĠGry": 33958, + "phant": 33959, + "Ġfret": 33960, + "Ġethn": 33961, + "Ġarchived": 33962, + "%-": 33963, + "cases": 33964, + "ĠBlaze": 33965, + "Ġimb": 33966, + "cv": 33967, + "yss": 33968, + "imony": 33969, + "Ġcountdown": 33970, + "Ġawakening": 33971, + "ĠTunisia": 33972, + "ĠRefer": 33973, + "ĠMJ": 33974, + "Ġunnatural": 33975, + "ĠCarnegie": 33976, + "izen": 33977, + "ĠNuggets": 33978, + "hess": 33979, + "Ġevils": 33980, + "647": 33981, + "Ġintroductory": 33982, + "loving": 33983, + "ĠMcMahon": 33984, + "Ġambiguity": 33985, + "Label": 33986, + "ĠAlmighty": 33987, + "Ġcoloring": 33988, + "ĠClaus": 33989, + "setting": 33990, + "NULL": 33991, + "ĠFavorite": 33992, + "ĠSIG": 33993, + ">(": 33994, + "ĠShiva": 33995, + "ĠMayer": 33996, + "Ġstormed": 33997, + "ĠCoverage": 33998, + "weapons": 33999, + "igham": 34000, + "Ġunanswered": 34001, + "Ġleve": 34002, + "Ġcoy": 34003, + "cas": 34004, + "bags": 34005, + "asured": 34006, + "Seattle": 34007, + "ĠSantorum": 34008, + "serious": 34009, + "Ġcourageous": 34010, + "ĠSoup": 34011, + "Ġconfiscated": 34012, + "Ġ///": 34013, + "Ġunconventional": 34014, + "Ġmoms": 34015, + "ĠRohingya": 34016, + "ĠOrchestra": 34017, + "ĠPotion": 34018, + "Ġdiscredit": 34019, + "ĠFIL": 34020, + "fixed": 34021, + "ĠDeer": 34022, + "doi": 34023, + "ĠDimension": 34024, + "Ġbureaucrats": 34025, + "eteen": 34026, + "ĠactionGroup": 34027, + "ohm": 34028, + "Ġbumps": 34029, + "ĠUtility": 34030, + "Ġsubmarines": 34031, + "renheit": 34032, + "research": 34033, + "ĠShapiro": 34034, + "Ġsketches": 34035, + "Ġdeceptive": 34036, + "ĠVil": 34037, + "esame": 34038, + "ĠEssentially": 34039, + "Ġrampage": 34040, + "isky": 34041, + "Ġmuttered": 34042, + "thritis": 34043, + "Ġ236": 34044, + "fet": 34045, + "bars": 34046, + "Ġpupil": 34047, + "ĠThou": 34048, + "oS": 34049, + "song": 34050, + "Ġfractured": 34051, + "Ġrevert": 34052, + "picture": 34053, + "Ġcriterion": 34054, + "usher": 34055, + "Ġrepercussions": 34056, + "ĠVintage": 34057, + "ĠSuperintendent": 34058, + "Officers": 34059, + "Ġflagged": 34060, + "Ġblames": 34061, + "Ġinverse": 34062, + "ographers": 34063, + "Ġmakeshift": 34064, + "Ġdevoid": 34065, + "Ġfossils": 34066, + "ĠAristotle": 34067, + "ĠFunds": 34068, + "Ġdepleted": 34069, + "ĠFlu": 34070, + "ĠYuan": 34071, + "Ġwoes": 34072, + "Ġlipid": 34073, + "Ġsitu": 34074, + "requisites": 34075, + "Ġfurnish": 34076, + "ĠSamar": 34077, + "Ġshameful": 34078, + "Ġadversely": 34079, + "Ġadept": 34080, + "Ġremorse": 34081, + "Ġmurderous": 34082, + "uckles": 34083, + "ĠESL": 34084, + "Ġ314": 34085, + "sent": 34086, + "Ġredef": 34087, + "ĠCache": 34088, + "ĠPurs": 34089, + "igans": 34090, + "Ġ460": 34091, + "Ġprescriptions": 34092, + "Ġfres": 34093, + "Fuck": 34094, + "ocrates": 34095, + "Twenty": 34096, + "ĠWeird": 34097, + "ĠToggle": 34098, + "ĠCalled": 34099, + "itizens": 34100, + "Ġpoultry": 34101, + "Ġharvesting": 34102, + "ãĤ¦ãĤ¹": 34103, + "Bottom": 34104, + "Ġcautioned": 34105, + "tn": 34106, + "396": 34107, + "ĠNikki": 34108, + "Ġevaluations": 34109, + "Ġharassing": 34110, + "Ġbindings": 34111, + "ĠMonetary": 34112, + "Ġhitters": 34113, + "Ġadversary": 34114, + "unts": 34115, + "Ġsetback": 34116, + "Ġencrypt": 34117, + "ĠCait": 34118, + "Ġlows": 34119, + "enges": 34120, + "ĠNorn": 34121, + "Ġbulbs": 34122, + "Ġbottled": 34123, + "ĠVoyager": 34124, + "317": 34125, + "Ġspheres": 34126, + "politics": 34127, + "Ġsubtract": 34128, + "Ġsensations": 34129, + "Ġappalling": 34130, + "Ġ316": 34131, + "Ġenvironmentally": 34132, + "ĠSTEM": 34133, + "Ġpublishes": 34134, + "560": 34135, + "Ġdiligence": 34136, + "484": 34137, + "Ġadvises": 34138, + "Ġpetrol": 34139, + "Ġimagining": 34140, + "Ġpatrols": 34141, + "ĠInteger": 34142, + "ĠAshes": 34143, + "actus": 34144, + "ĠRadiant": 34145, + "ĠLT": 34146, + "itability": 34147, + "htaking": 34148, + "Setting": 34149, + "Ġnuanced": 34150, + "ĠReef": 34151, + "ĠDevelopers": 34152, + "Ni": 34153, + "pieces": 34154, + "990": 34155, + "License": 34156, + "Ġlowers": 34157, + "ĠOttoman": 34158, + "327": 34159, + "ooo": 34160, + "Ġquitting": 34161, + "markets": 34162, + "Behind": 34163, + "Ġbasin": 34164, + "Ġdocs": 34165, + "anie": 34166, + "flash": 34167, + "ctl": 34168, + "Ġcivilized": 34169, + "ĠFukushima": 34170, + "\"],\"": 34171, + "ĠKS": 34172, + "ĠHonestly": 34173, + "arat": 34174, + "Ġconstructs": 34175, + "ĠLans": 34176, + "ĠDire": 34177, + "ĠLIKE": 34178, + "ĠTrouble": 34179, + "Ġwithholding": 34180, + "ĠOblivion": 34181, + "Ġsanity": 34182, + "anya": 34183, + "Const": 34184, + "Ġgrocer": 34185, + "ĠCelsius": 34186, + "Ġrecounted": 34187, + "ĠWife": 34188, + "Border": 34189, + "atered": 34190, + "happy": 34191, + "Ġspoiler": 34192, + "Ġlogically": 34193, + "Hall": 34194, + "Ġsucceeding": 34195, + "Ġpolymorph": 34196, + "Ġaxes": 34197, + "ĠShotgun": 34198, + "ĠSlim": 34199, + "ĠPrinciples": 34200, + "ĠLeth": 34201, + "arta": 34202, + "Ġscor": 34203, + "Screenshot": 34204, + "Ġrelaxation": 34205, + "#$#$": 34206, + "Ġdeterrent": 34207, + "iddy": 34208, + "Ġpowerless": 34209, + "Ġlesbians": 34210, + "Ġchords": 34211, + "ĠEdited": 34212, + "selected": 34213, + "Ġseparatists": 34214, + "0002": 34215, + "Ġairspace": 34216, + "Ġturnaround": 34217, + "Ġcunning": 34218, + "PATH": 34219, + "Poly": 34220, + "Ġbombed": 34221, + "Ġtion": 34222, + "xs": 34223, + "Ġwithhold": 34224, + "Ġwaged": 34225, + "ĠLiberties": 34226, + "Flag": 34227, + "Ġcomforting": 34228, + "454": 34229, + "ĠIris": 34230, + "arers": 34231, + "Ġrag": 34232, + "Ġrelocated": 34233, + "ĠGuarant": 34234, + "Ġstrategically": 34235, + "Ġgamma": 34236, + "uberty": 34237, + "ĠLockheed": 34238, + "gres": 34239, + "Ġgrilled": 34240, + "ĠLowe": 34241, + "stats": 34242, + "ĠRocks": 34243, + "Ġsensing": 34244, + "Ġrenting": 34245, + "ĠGeological": 34246, + "اØ": 34247, + "otrop": 34248, + "Ġsew": 34249, + "Ġimproperly": 34250, + "486": 34251, + "Ġâĸł": 34252, + "Ġstarving": 34253, + "ĠBj": 34254, + "Discussion": 34255, + "328": 34256, + "ĠCombo": 34257, + "ĠFixes": 34258, + "NAT": 34259, + "Ġstriving": 34260, + "thora": 34261, + "Ġharvested": 34262, + "ĠPing": 34263, + "Ġplayful": 34264, + "Ġavenues": 34265, + "Ġoccupational": 34266, + "Ġwakes": 34267, + "ĠCourier": 34268, + "Ġdrummer": 34269, + "ĠBrowser": 34270, + "ĠHouth": 34271, + "itu": 34272, + "Ġapparel": 34273, + "paste": 34274, + "Ġhunted": 34275, + "ĠSecondly": 34276, + "lain": 34277, + "XY": 34278, + "ĠPIN": 34279, + "icons": 34280, + "Ġcocktails": 34281, + "Ġsizable": 34282, + "Ġhurdles": 34283, + "estinal": 34284, + "ĠRecreation": 34285, + "Ġeco": 34286, + "648": 34287, + "ĠDied": 34288, + "mint": 34289, + "Ġfingerprints": 34290, + "Ġdispose": 34291, + "ĠBosnia": 34292, + "tsy": 34293, + "2200": 34294, + "Ġinspected": 34295, + "ĠFou": 34296, + "Ġfuss": 34297, + "Ġambush": 34298, + "ĠRak": 34299, + "Ġmanifested": 34300, + "Prosecut": 34301, + "Ġsuffice": 34302, + "rences": 34303, + "Ġcompensated": 34304, + "ĠCyrus": 34305, + "Ġgenus": 34306, + "ĠWolverine": 34307, + "ĠTrends": 34308, + "Ġhikes": 34309, + "ĠSeen": 34310, + "Ġenrol": 34311, + "Cold": 34312, + "Ġpolitely": 34313, + "ĠSlav": 34314, + "ĠRupert": 34315, + "Ġeyewitness": 34316, + "ĠAlto": 34317, + "Ġuncomp": 34318, + "Ġposterior": 34319, + "Must": 34320, + "ĠHerz": 34321, + "Ġprogressively": 34322, + "Ġ234": 34323, + "Ġindifference": 34324, + "ĠCunningham": 34325, + "Ġacademia": 34326, + "Ġsewer": 34327, + "Ġastounding": 34328, + "ĠAES": 34329, + "rather": 34330, + "Ġeldest": 34331, + "Ġclimbs": 34332, + "ĠAdds": 34333, + "Ġoutcry": 34334, + "Ġcontag": 34335, + "ĠHouses": 34336, + "Ġpept": 34337, + "ĠMelania": 34338, + "interested": 34339, + "ĠUCH": 34340, + "ĠRoots": 34341, + "ĠHubbard": 34342, + "ĠTBD": 34343, + "ĠRomanian": 34344, + "filename": 34345, + "Stone": 34346, + "ĠImpl": 34347, + "Ġchromosome": 34348, + "Cle": 34349, + "dx": 34350, + "Ġscrambled": 34351, + "ĠPt": 34352, + "Ġ242": 34353, + "OPLE": 34354, + "Ġtremendously": 34355, + "Street": 34356, + "Ġcraving": 34357, + "Ġbundled": 34358, + "ĠRG": 34359, + "pipe": 34360, + "Ġinjuring": 34361, + "Ġarcane": 34362, + "Particip": 34363, + "ĠHeroic": 34364, + "sty": 34365, + "Ġtopping": 34366, + "ĠTempest": 34367, + "rentices": 34368, + "bh": 34369, + "Ġparanoia": 34370, + "ĠUnicode": 34371, + "Ġegregious": 34372, + "Ġ\\'": 34373, + "ĠOswald": 34374, + "Ġgravel": 34375, + "ĠSimpsons": 34376, + "Ġbland": 34377, + "ĠGuantanamo": 34378, + "Writer": 34379, + "liners": 34380, + "ĠDice": 34381, + "JC": 34382, + "Ġparity": 34383, + "Ġsided": 34384, + "Ġ237": 34385, + "ĠPyrrha": 34386, + "atters": 34387, + "dk": 34388, + "Fine": 34389, + "compan": 34390, + "Ġformulated": 34391, + "ĠIdol": 34392, + "ilers": 34393, + "hemoth": 34394, + "ĠFav": 34395, + "Ġintrusion": 34396, + "Ġcarrots": 34397, + "ĠLayer": 34398, + "ĠHacker": 34399, + "Ġ----------------": 34400, + "Ġmoderation": 34401, + "éģ": 34402, + "ococ": 34403, + "Ġcharacterize": 34404, + "ĠTeresa": 34405, + "Ġsocioeconomic": 34406, + "Ġperk": 34407, + "ĠParticipation": 34408, + "training": 34409, + "ĠPaulo": 34410, + "phys": 34411, + "Ġtrustworthy": 34412, + "Ġembodied": 34413, + "ĠMerch": 34414, + "currency": 34415, + "ĠPriority": 34416, + "Ġteasing": 34417, + "Ġabsorbing": 34418, + "Ġunfinished": 34419, + "ĠComparison": 34420, + "Ġdisple": 34421, + "writers": 34422, + "Ġprofessions": 34423, + "ĠPenguin": 34424, + "Ġangrily": 34425, + "ĠLINK": 34426, + "688": 34427, + "ĠCorrespond": 34428, + "Ġprevailed": 34429, + "Ġcartel": 34430, + "lp": 34431, + "asms": 34432, + "ĠRedemption": 34433, + "ĠIslamists": 34434, + "effects": 34435, + "dose": 34436, + "ĠLatter": 34437, + "ĠHalifax": 34438, + "Ġvas": 34439, + "ĠTopics": 34440, + "ĠNamed": 34441, + "advertising": 34442, + "zza": 34443, + "ICES": 34444, + "Ġretarded": 34445, + "achable": 34446, + "ĠPuppet": 34447, + "ĠItemLevel": 34448, + "Ġretract": 34449, + "Ġidentifiable": 34450, + "Aaron": 34451, + "ĠBuster": 34452, + "sol": 34453, + "helle": 34454, + "assemb": 34455, + "Hope": 34456, + "ranged": 34457, + "Ba": 34458, + "ĠPurch": 34459, + "éĢ": 34460, + "ĠSiri": 34461, + "Ġarrivals": 34462, + "Ġ1912": 34463, + "Ġshortened": 34464, + "Ġ312": 34465, + "Ġdiscrepancy": 34466, + "ĠTemperature": 34467, + "ĠWalton": 34468, + "Ġkinderg": 34469, + "polit": 34470, + "Ġremix": 34471, + "Ġconnectors": 34472, + "ãĥĺãĥ©": 34473, + "ĠKazakhstan": 34474, + "dominated": 34475, + "Ġsugars": 34476, + "imble": 34477, + "ĠPanic": 34478, + "ĠDemand": 34479, + "ĠColony": 34480, + "onen": 34481, + "ĠMER": 34482, + "775": 34483, + "uria": 34484, + "azaar": 34485, + "ĠDegree": 34486, + "Pri": 34487, + "Ġsunshine": 34488, + "Ġ251": 34489, + "Ġpsychedelic": 34490, + "Ġdigitally": 34491, + "ĠBraun": 34492, + "Ġshimmer": 34493, + "Ġshave": 34494, + "ĠTelesc": 34495, + "ĠAstral": 34496, + "ĠVenezuelan": 34497, + "ĠOG": 34498, + "Ġcrawling": 34499, + "Integ": 34500, + "ĠFeather": 34501, + "Ġunfolding": 34502, + "Ġappropriation": 34503, + "Ġè£ıè": 34504, + "ĠMobility": 34505, + "ĠNey": 34506, + "-.": 34507, + "bilt": 34508, + "LIN": 34509, + "ĠTube": 34510, + "ĠConversely": 34511, + "Ġkeyboards": 34512, + "ĠCao": 34513, + "Ġoverth": 34514, + "Ġlaure": 34515, + ">>\\": 34516, + "ĠViper": 34517, + "acha": 34518, + "Offset": 34519, + "ĠRaleigh": 34520, + "ĠJae": 34521, + "Jordan": 34522, + "jp": 34523, + "Ġtotalitarian": 34524, + "Connector": 34525, + "Ġobserves": 34526, + "ĠSpartan": 34527, + "ĠImmediately": 34528, + "ĠScal": 34529, + "Cool": 34530, + "Ġtaps": 34531, + "Ġroar": 34532, + "Past": 34533, + "Ġchars": 34534, + "ĠBender": 34535, + "ĠSheldon": 34536, + "Ġpainter": 34537, + "Ġbeacon": 34538, + "ĠCreatures": 34539, + "Ġdownturn": 34540, + "Ġhinder": 34541, + "ĠAndromeda": 34542, + "ÃĽ": 34543, + "ccoli": 34544, + "ĠFitness": 34545, + "etrical": 34546, + "Ġutilizes": 34547, + "Ġsenate": 34548, + "Ġensemble": 34549, + "Ġcheers": 34550, + "TW": 34551, + "Ġaffluent": 34552, + "kil": 34553, + "rylic": 34554, + "ordering": 34555, + "Computer": 34556, + "Ġgruesome": 34557, + "ostics": 34558, + "ĠUbisoft": 34559, + "ĠKelley": 34560, + "Ġwrench": 34561, + "Ġbourgeoisie": 34562, + "IBLE": 34563, + "ĠPreston": 34564, + "worn": 34565, + "arist": 34566, + "reating": 34567, + "Ġstained": 34568, + "arine": 34569, + "Ġslime": 34570, + "ENN": 34571, + "Ġchests": 34572, + "Ġgroundwater": 34573, + "annot": 34574, + "ĠTray": 34575, + "ĠLocke": 34576, + "ĠCTR": 34577, + "Ġdudes": 34578, + "ĠExternal": 34579, + "ĠDecoder": 34580, + "Ġparamed": 34581, + "ĠMedline": 34582, + "809": 34583, + "ĠDinner": 34584, + "rupal": 34585, + "gz": 34586, + "ĠGum": 34587, + "ĠDemo": 34588, + "jee": 34589, + "Ġdh": 34590, + "berman": 34591, + "archs": 34592, + "Ġenqu": 34593, + "ĠEpstein": 34594, + "Ġdevastation": 34595, + "Ġfriendships": 34596, + "ĠArd": 34597, + "Ġ231": 34598, + "ĠRubin": 34599, + "ĠDistance": 34600, + "Ġspurred": 34601, + "Ġdossier": 34602, + "Ġoverlooking": 34603, + "\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\": 34604, + "Forest": 34605, + "ĠComes": 34606, + "\\\",": 34607, + "ĠIranians": 34608, + "Ġfixtures": 34609, + "Laughs": 34610, + "Ġcurry": 34611, + "ĠKingston": 34612, + "Ġsquash": 34613, + "Ġcatalogue": 34614, + "Ġabnormalities": 34615, + "Ġdigestive": 34616, + ".........": 34617, + "Ġsubordinate": 34618, + "ogly": 34619, + "Ġ249": 34620, + "Middle": 34621, + "Ġmassac": 34622, + "Ġburgers": 34623, + "Ġdownstairs": 34624, + "Ġ1931": 34625, + "394": 34626, + "ĠVG": 34627, + "Ġlasers": 34628, + "ĠSikh": 34629, + "ĠAlexa": 34630, + "derived": 34631, + "Ġcyclist": 34632, + "ãģ®éŃĶ": 34633, + "oneliness": 34634, + "!!!!!!!!": 34635, + "Ġbuffs": 34636, + "legate": 34637, + "Ġraping": 34638, + "Ġrecommending": 34639, + "rored": 34640, + "Ġmulticultural": 34641, + "unique": 34642, + "Ġbusinessmen": 34643, + "Ġuneasy": 34644, + "ĠMAP": 34645, + "Ġdispersed": 34646, + "cipline": 34647, + "Jess": 34648, + "ĠKerala": 34649, + "å§": 34650, + "Ġabstraction": 34651, + "Surv": 34652, + "Uh": 34653, + "Ġprinters": 34654, + "ija": 34655, + "owder": 34656, + "Ġanalogous": 34657, + "ĠASP": 34658, + "afer": 34659, + "Ġunfolded": 34660, + "Ġleveling": 34661, + "Ġbreached": 34662, + "ĠHearing": 34663, + "Ġnat": 34664, + "Ġtranslating": 34665, + "critical": 34666, + "Ġantagonist": 34667, + "ĠYesterday": 34668, + "Ġfuzzy": 34669, + "wash": 34670, + "mere": 34671, + "Ġbewild": 34672, + "ĠMae": 34673, + "Virgin": 34674, + "phrase": 34675, + "Ġsignaled": 34676, + "ĠHIGH": 34677, + "Ġprotester": 34678, + "Ġgarner": 34679, + "unknown": 34680, + "Ġkay": 34681, + "Ġabducted": 34682, + "Ġstalking": 34683, + "amn": 34684, + "Ġdeserving": 34685, + "ĠRiv": 34686, + "ĠJorge": 34687, + "Ġscratching": 34688, + "ĠSaving": 34689, + "iping": 34690, + "Ġtease": 34691, + "Ġmissionary": 34692, + "ĠMorrow": 34693, + "TIME": 34694, + "Present": 34695, + "Ġchemotherapy": 34696, + "terness": 34697, + "ĠHomes": 34698, + "ĠPurdue": 34699, + "Ġstaunch": 34700, + "ĠWhitney": 34701, + "ĠTHERE": 34702, + "μ": 34703, + "iatus": 34704, + "ĠErnest": 34705, + "ĠDeploy": 34706, + "Ġcoveted": 34707, + "FML": 34708, + "ĠDialogue": 34709, + "Ġexited": 34710, + "fruit": 34711, + "Ġnerd": 34712, + "\":\"\",\"": 34713, + "Ġvivo": 34714, + "ruly": 34715, + "460": 34716, + "ĠAmen": 34717, + "rehensible": 34718, + "Ġâĺ": 34719, + "DIR": 34720, + "Ġadherence": 34721, + "Ġchew": 34722, + "ĠCoke": 34723, + "ĠSergei": 34724, + "digital": 34725, + "ĠNeck": 34726, + "gently": 34727, + "enthal": 34728, + "/)": 34729, + "Ġweary": 34730, + "Ġguise": 34731, + "ĠConcord": 34732, + "ĠOnion": 34733, + "atcher": 34734, + "Ġbinge": 34735, + "ĠDirective": 34736, + "Ġmanned": 34737, + "ansk": 34738, + "Ġillusions": 34739, + "Ġbillionaires": 34740, + "383": 34741, + "olyn": 34742, + "odynamic": 34743, + "ĠWheat": 34744, + "ĠAlic": 34745, + "Ġcoloured": 34746, + "ĠNAFTA": 34747, + "abo": 34748, + "Ġmacros": 34749, + "independent": 34750, + "sweet": 34751, + "Ġspac": 34752, + "ĠKabul": 34753, + "ĠÄ": 34754, + "eme": 34755, + "Ġdictated": 34756, + "Ġshouts": 34757, + "={": 34758, + "Ġripping": 34759, + "ĠShay": 34760, + "ĠCricket": 34761, + "directed": 34762, + "Ġanalysed": 34763, + "ĠWARRANT": 34764, + "agons": 34765, + "ĠBlazers": 34766, + "Ġcheered": 34767, + "Ġarithmetic": 34768, + "ĠTanz": 34769, + "373": 34770, + "ĠFlags": 34771, + "Ġ295": 34772, + "Ġwitches": 34773, + "ĠIncluded": 34774, + "ĠGained": 34775, + "ĠBlades": 34776, + "Gam": 34777, + "ĠSamantha": 34778, + "ĠAtlantis": 34779, + "ĠPratt": 34780, + "Ġspoiled": 34781, + "ĠIB": 34782, + "ĠRamirez": 34783, + "Probably": 34784, + "rero": 34785, + "ĠNg": 34786, + "ĠWarlock": 34787, + "tp": 34788, + "Ġoverhe": 34789, + "Ġadministrations": 34790, + "Ġtint": 34791, + "Ġregiment": 34792, + "Ġpistols": 34793, + "Ġblankets": 34794, + "Ġepist": 34795, + "Ġbowls": 34796, + "Ġhydraulic": 34797, + "Ġdean": 34798, + "Ġjung": 34799, + "Ġascend": 34800, + "705": 34801, + "ĠSantiago": 34802, + "î": 34803, + "Ġunavoid": 34804, + "ĠShaman": 34805, + "reb": 34806, + "Ġstemming": 34807, + "998": 34808, + "ĠMG": 34809, + "sticks": 34810, + "esthesia": 34811, + "ERO": 34812, + "Ġmorbid": 34813, + "ĠGrill": 34814, + "ĠPoe": 34815, + "anyl": 34816, + "Ġdeleting": 34817, + "ĠSurveillance": 34818, + "Ġdirectives": 34819, + "Ġiterations": 34820, + "ĠRox": 34821, + "ĠMilky": 34822, + "Father": 34823, + "Ġpatented": 34824, + "447": 34825, + "Ġprecursor": 34826, + "Ġmaiden": 34827, + "ĠPhen": 34828, + "ĠVegan": 34829, + "ĠPatent": 34830, + "Kelly": 34831, + "Redditor": 34832, + "Ġnods": 34833, + "Ġventilation": 34834, + "ĠSchwarz": 34835, + "Ġwizards": 34836, + "Ġominous": 34837, + "ĠHeads": 34838, + "ĠBG": 34839, + "Ġlumber": 34840, + "ĠSpiel": 34841, + "ĠisEnabled": 34842, + "Ġancestral": 34843, + "ĠShips": 34844, + "Ġwrestler": 34845, + "phi": 34846, + "Ġyuan": 34847, + "ĠRebellion": 34848, + "Ġiceberg": 34849, + "Ġmagically": 34850, + "Ġdiversion": 34851, + "arro": 34852, + "ythm": 34853, + "ĠRiders": 34854, + "ĠRobbie": 34855, + "ĠKara": 34856, + "ĠMaintenance": 34857, + "ĠHerb": 34858, + "Ġharms": 34859, + "packed": 34860, + "ĠFeinstein": 34861, + "Ġmarrying": 34862, + "Ġblending": 34863, + "ĠRates": 34864, + "Ġ1880": 34865, + "Ġwrink": 34866, + "ĠUnch": 34867, + "ĠTorch": 34868, + "described": 34869, + "Ġhumanoid": 34870, + "ilitating": 34871, + "ĠConv": 34872, + "ĠFeld": 34873, + "IGHTS": 34874, + "Ġwhistleblower": 34875, + "ortmund": 34876, + "etsy": 34877, + "arrett": 34878, + "ĠMono": 34879, + "ĠIke": 34880, + "ĠCNBC": 34881, + "ĠWAY": 34882, + "ĠMDMA": 34883, + "ĠIndividuals": 34884, + "Ġsupplemental": 34885, + "Ġpowerhouse": 34886, + "ĠStru": 34887, + "Focus": 34888, + "aphael": 34889, + "ĠColleg": 34890, + "atti": 34891, + "ZA": 34892, + "Ġperenn": 34893, + "ĠSignature": 34894, + "ĠRodney": 34895, + "Ġcubes": 34896, + "iddled": 34897, + "ĠDante": 34898, + "ĠINV": 34899, + "ilingual": 34900, + "ĠCth": 34901, + "Ġsofa": 34902, + "Ġintimidate": 34903, + "ĠRoe": 34904, + "ĠDiplom": 34905, + "ĠCountries": 34906, + "ayson": 34907, + "Ġextradition": 34908, + "Ġdisabling": 34909, + "ĠCardiff": 34910, + "Ġmemorandum": 34911, + "ĠTrace": 34912, + "Ġ???": 34913, + "sector": 34914, + "ĠRouhani": 34915, + "ĠYates": 34916, + "ĠFreeze": 34917, + "Ġbladder": 34918, + "Motor": 34919, + "ĠPromise": 34920, + "antasy": 34921, + "Ġforeseeable": 34922, + "ĠCologne": 34923, + "container": 34924, + "ĠTrees": 34925, + "ĠGors": 34926, + "ĠSinclair": 34927, + "Ġbarring": 34928, + "keye": 34929, + "Ġslashed": 34930, + "ĠStatistical": 34931, + "éĩ": 34932, + "Ġâĸº": 34933, + "Allows": 34934, + "Ġhumility": 34935, + "Ġdrilled": 34936, + "ĠFurn": 34937, + "443": 34938, + "Ġsewage": 34939, + "Ġhomepage": 34940, + "Ġcourtyard": 34941, + "Ġvile": 34942, + "Ġsubsidiaries": 34943, + "ajo": 34944, + "directory": 34945, + "Ġammon": 34946, + "Vers": 34947, + "charges": 34948, + "Ġ}}": 34949, + "ĠChains": 34950, + "Ġ246": 34951, + "nob": 34952, + "Ġpercept": 34953, + "Ġgrit": 34954, + "Ġfishermen": 34955, + "ĠIraqis": 34956, + "ĠDISTR": 34957, + "ĠFULL": 34958, + "ĠEvaluation": 34959, + "graph": 34960, + "atial": 34961, + "Ġcooperating": 34962, + "Ġmelan": 34963, + "Ġenlightened": 34964, + "Ġali": 34965, + "tailed": 34966, + "Ġsalute": 34967, + "Ġweakest": 34968, + "ĠBulldogs": 34969, + "UA": 34970, + "ĠAlloy": 34971, + "Ġsemen": 34972, + "ocene": 34973, + "ĠWilliamson": 34974, + "spr": 34975, + ",âĢĶ": 34976, + "ĠGF": 34977, + "ittens": 34978, + "Beat": 34979, + "ĠJunk": 34980, + "iphate": 34981, + "ĠFarmers": 34982, + "ĠBitcoins": 34983, + "igers": 34984, + "dh": 34985, + "ĠLoyal": 34986, + "payer": 34987, + "Ġentertained": 34988, + "Ġpenned": 34989, + "Ġcoupon": 34990, + "Queue": 34991, + "Ġweakening": 34992, + "carry": 34993, + "Ġunderestimate": 34994, + "Ġshootout": 34995, + "Ġcharismatic": 34996, + "ĠProcedure": 34997, + "Ġprudent": 34998, + "inances": 34999, + "Ġriches": 35000, + "Ġcortical": 35001, + "Ġstrides": 35002, + "Ġdrib": 35003, + "ĠOilers": 35004, + "540": 35005, + "ĠPerform": 35006, + "ĠBangkok": 35007, + "Ġeuth": 35008, + "SER": 35009, + "Ġsimplistic": 35010, + "tops": 35011, + "campaign": 35012, + "Quality": 35013, + "Ġimpoverished": 35014, + "ĠEisenhower": 35015, + "Ġaugment": 35016, + "ĠHarden": 35017, + "Ġintervened": 35018, + "Ġlistens": 35019, + "ĠKok": 35020, + "Ġsage": 35021, + "Ġrubbish": 35022, + "ĠDed": 35023, + "Ġmull": 35024, + "pelling": 35025, + "Ġvideot": 35026, + "Production": 35027, + "DJ": 35028, + "miah": 35029, + "Ġadaptations": 35030, + "Ġmedically": 35031, + "Ġboarded": 35032, + "Ġarrogance": 35033, + "Ġscrapped": 35034, + "Ġoppress": 35035, + "FORMATION": 35036, + "Ġjunction": 35037, + "415": 35038, + "EEEE": 35039, + "Skill": 35040, + "Ġsubdu": 35041, + "ĠSuggest": 35042, + "ĠPett": 35043, + "Ġlett": 35044, + "ĠManip": 35045, + "ĠCaf": 35046, + "ĠCooperation": 35047, + "Ther": 35048, + "Ġregained": 35049, + "¶æ": 35050, + "reflect": 35051, + "Ġthugs": 35052, + "ĠShelby": 35053, + "Ġdictates": 35054, + "ĠWeiner": 35055, + "ĠHale": 35056, + "Ġbattleground": 35057, + "schild": 35058, + "Ġcondol": 35059, + "hunt": 35060, + "ositories": 35061, + "Ġaccuses": 35062, + "Filename": 35063, + "Ġshri": 35064, + "Ġmotivate": 35065, + "Ġreflections": 35066, + "Null": 35067, + "ĠLobby": 35068, + "¥µ": 35069, + "ĠSATA": 35070, + "ĠBackup": 35071, + "Ñĥ": 35072, + "nin": 35073, + "ĠCorrection": 35074, + "Ġjuicy": 35075, + "utra": 35076, + "ĠPric": 35077, + "Ġrestraining": 35078, + "ĠAirbnb": 35079, + "ĠArrest": 35080, + "Ġappropriations": 35081, + "Ġslopes": 35082, + "Ġmanslaughter": 35083, + "Ġworkings": 35084, + "ĠHuss": 35085, + "ĠFrey": 35086, + "Leave": 35087, + "ĠHarmony": 35088, + "ĠFeder": 35089, + "Ġ430": 35090, + "Ġtrench": 35091, + "Ġgladly": 35092, + "Ġbullpen": 35093, + "ĠGau": 35094, + "bones": 35095, + "Ġgroove": 35096, + "Ġpretext": 35097, + "ãħĭ": 35098, + "Ġtransmitter": 35099, + "ĠComponent": 35100, + "Ġunderage": 35101, + "ĠEmpires": 35102, + "Tile": 35103, + "Ġoy": 35104, + "ĠMarvin": 35105, + "ĠCAS": 35106, + "Ġbloss": 35107, + "Ġreplicated": 35108, + "ĠMariners": 35109, + "Marcus": 35110, + "ĠBlocks": 35111, + "Ġliberated": 35112, + "Ġbutterfly": 35113, + "Feel": 35114, + "Ġfermentation": 35115, + "Ġyoutube": 35116, + "Ġoffend": 35117, + "ĠTerm": 35118, + "resist": 35119, + "Ġcessation": 35120, + "Ġinsurgency": 35121, + "Ġbir": 35122, + "ĠRaise": 35123, + "595": 35124, + "Ġhypotheses": 35125, + "502": 35126, + "Ġplaque": 35127, + "ocrat": 35128, + "Ġjackets": 35129, + "ĠHuffPost": 35130, + "among": 35131, + "Ġconfer": 35132, + "487": 35133, + "ĠLilly": 35134, + "Ġadapting": 35135, + "ĠFay": 35136, + "Ġshoved": 35137, + "vec": 35138, + "Ġrefine": 35139, + "Ġgon": 35140, + "Ġgunmen": 35141, + "zai": 35142, + "ĠShuttle": 35143, + "ĠIzan": 35144, + "Ġ1913": 35145, + "Ġplethora": 35146, + "··": 35147, + "Ġ510": 35148, + "Ġpuberty": 35149, + "Ġ241": 35150, + "ĠWealth": 35151, + "ĠAlma": 35152, + "ĠMEM": 35153, + "ĠAdults": 35154, + "Cas": 35155, + "prison": 35156, + "Race": 35157, + "Ġwaterproof": 35158, + "Ġathleticism": 35159, + "Ġcapitalize": 35160, + "ĠJuice": 35161, + "Ġilluminated": 35162, + "ĠPascal": 35163, + "Ġirritation": 35164, + "ĠWitnesses": 35165, + "adle": 35166, + "ĠAstro": 35167, + "Ġfax": 35168, + "ĠElvis": 35169, + "Primary": 35170, + "ĠLich": 35171, + "ĠElves": 35172, + "Ġresiding": 35173, + "Ġstumble": 35174, + "319": 35175, + "ĠPKK": 35176, + "Ġadversaries": 35177, + "DOS": 35178, + "ĠRitual": 35179, + "Ġsmear": 35180, + "Ġarson": 35181, + "idental": 35182, + "Ġscant": 35183, + "Ġmonarchy": 35184, + "Ġhalftime": 35185, + "Ġresidue": 35186, + "Ġindign": 35187, + "ĠShaun": 35188, + "ĠElm": 35189, + "auri": 35190, + "Aff": 35191, + "WATCH": 35192, + "ĠLyon": 35193, + "helps": 35194, + "361": 35195, + "Ġlobbyist": 35196, + "Ġdiminishing": 35197, + "Ġoutbreaks": 35198, + "Ġgoats": 35199, + "favorite": 35200, + "ĠNah": 35201, + "sonian": 35202, + "ĠBooster": 35203, + "Ġsandbox": 35204, + "ĠFare": 35205, + "ĠMalta": 35206, + "ĠattRot": 35207, + "ĠMOR": 35208, + "lde": 35209, + "Ġnavigating": 35210, + "Touch": 35211, + "Ġuntrue": 35212, + "ĠDisaster": 35213, + "Ġludicrous": 35214, + "Password": 35215, + "ĠJFK": 35216, + "blogspot": 35217, + "416": 35218, + "ĠUNDER": 35219, + "ernal": 35220, + "Ġdelaying": 35221, + "TOP": 35222, + "Ġimplants": 35223, + "ĠAVG": 35224, + "ĠHuge": 35225, + "attr": 35226, + "Ġjournalistic": 35227, + "ĠPeyton": 35228, + "ĠIA": 35229, + "Rap": 35230, + "goal": 35231, + "ĠProgramme": 35232, + "Ġsmashing": 35233, + "wives": 35234, + "println": 35235, + "ĠPlague": 35236, + "inus": 35237, + "EEP": 35238, + "Ġcruiser": 35239, + "ĠParish": 35240, + "uminium": 35241, + "Ġoccupants": 35242, + "ĠJihad": 35243, + "mop": 35244, + "Ġpint": 35245, + "Ġhect": 35246, + "ĠMecca": 35247, + "director": 35248, + "ĠFunding": 35249, + "ĠMixed": 35250, + "Ġstag": 35251, + "Tier": 35252, + "Ġgust": 35253, + "Ġbrightly": 35254, + "orsi": 35255, + "Ġuphill": 35256, + "RD": 35257, + "Ġlesions": 35258, + "ĠBundy": 35259, + "livious": 35260, + "Ġbiologist": 35261, + "ĠFaculty": 35262, + "ĠAuthorization": 35263, + "Ġ244": 35264, + "Allow": 35265, + "ï¸": 35266, + "ĠGiul": 35267, + "Ġpertinent": 35268, + "otaur": 35269, + "esse": 35270, + "ĠRoof": 35271, + "Ġunmanned": 35272, + "351": 35273, + "ĠShak": 35274, + "ĠOrient": 35275, + "Ġendanger": 35276, + "Dir": 35277, + "Ġreplen": 35278, + "edient": 35279, + "Ġtailor": 35280, + "Ġgadgets": 35281, + "Ġaudible": 35282, + "âĺĨ": 35283, + "Nice": 35284, + "Ġbombard": 35285, + "ĠRape": 35286, + "Ġdefiance": 35287, + "ĠTWO": 35288, + "ĠFilipino": 35289, + "Ġunaffected": 35290, + "ervatives": 35291, + "Ġsoared": 35292, + "ĠBolton": 35293, + "Ġcompromising": 35294, + "ĠBrewers": 35295, + "RAL": 35296, + "ĠAHL": 35297, + "icycle": 35298, + "Ġvampires": 35299, + "Ġdipped": 35300, + "oyer": 35301, + "ĠXIII": 35302, + "Ġsideways": 35303, + "ĠWaste": 35304, + "ĠDiss": 35305, + "ĠâĶľâĶĢâĶĢ": 35306, + "$.": 35307, + "Ġhabitats": 35308, + "ĠBeef": 35309, + "truth": 35310, + "trained": 35311, + "split": 35312, + "Rus": 35313, + "Andy": 35314, + "ĠBram": 35315, + "REP": 35316, + "pid": 35317, + "è£ħ": 35318, + "ĠMutant": 35319, + "Anim": 35320, + "ĠMarina": 35321, + "Ġfutile": 35322, + "highest": 35323, + "frequency": 35324, + "Ġepilepsy": 35325, + "Ġcoping": 35326, + "Ġconcise": 35327, + "Ġtracing": 35328, + "ĠSUN": 35329, + "panel": 35330, + "ĠSophie": 35331, + "ĠCrowley": 35332, + "ĠAdolf": 35333, + "ĠShooter": 35334, + "Ġshaky": 35335, + "ĠIG": 35336, + "ĠLies": 35337, + "ĠBarber": 35338, + "pkg": 35339, + "Ġuptake": 35340, + "Ġpredatory": 35341, + "ULTS": 35342, + "/**": 35343, + "Ġintoxicated": 35344, + "ĠWestbrook": 35345, + "odder": 35346, + "hement": 35347, + "Ġbaseman": 35348, + "APD": 35349, + "storage": 35350, + "ĠFifty": 35351, + "editor": 35352, + "GEN": 35353, + "UTION": 35354, + "irting": 35355, + "Ġsewing": 35356, + "rift": 35357, + "Ġagony": 35358, + "ĠSands": 35359, + "Ġ254": 35360, + "Cash": 35361, + "Ġlodge": 35362, + "Ġpunt": 35363, + "Natural": 35364, + "ĠIdeas": 35365, + "Ġerroneous": 35366, + "ĠSensor": 35367, + "ĠHannity": 35368, + "Ġ1921": 35369, + "Ġmould": 35370, + "ĠGon": 35371, + "kaya": 35372, + "Ġanonymously": 35373, + "ĠKEY": 35374, + "Ġsimulator": 35375, + "Winter": 35376, + "Ġstreamed": 35377, + "507": 35378, + "?\",": 35379, + "Ġteased": 35380, + "Ġcoefficient": 35381, + "Ġwartime": 35382, + "ĠTHR": 35383, + "''.": 35384, + "ĠBanking": 35385, + "mpire": 35386, + "Ġfandom": 35387, + "Ġlia": 35388, + "Ga": 35389, + "Ġdownhill": 35390, + "Ġinterpreting": 35391, + "Individual": 35392, + "Norm": 35393, + "Ġjealousy": 35394, + "bitcoin": 35395, + "Ġpleasures": 35396, + "ĠToys": 35397, + "ĠChevrolet": 35398, + "ĠAdvisor": 35399, + "IZE": 35400, + "Ġreceptions": 35401, + "706": 35402, + "Cro": 35403, + "Ġ262": 35404, + "Ġcitrus": 35405, + "iru": 35406, + "Reviewer": 35407, + "jected": 35408, + "UES": 35409, + "anz": 35410, + "1981": 35411, + "ĠWorker": 35412, + "Ġcomplied": 35413, + "orescent": 35414, + "continental": 35415, + "Ton": 35416, + "ĠPrism": 35417, + "ĠSheep": 35418, + "Ġ288": 35419, + "nox": 35420, + "ĠVog": 35421, + "Ord": 35422, + "Ġrealms": 35423, + "tek": 35424, + "Ġirrigation": 35425, + "Ġbicycles": 35426, + "Ġelectronically": 35427, + "poly": 35428, + "tall": 35429, + "());": 35430, + "Ġaesthetics": 35431, + "ĠIntegrated": 35432, + "Explore": 35433, + "Ġdunk": 35434, + "476": 35435, + "pain": 35436, + "ĠJacques": 35437, + "ĠDmit": 35438, + "Frames": 35439, + "Ġreunited": 35440, + "Ġhumid": 35441, + "Dro": 35442, + "Political": 35443, + "Ġyouthful": 35444, + "Ġentails": 35445, + "Ġmosquito": 35446, + "363": 35447, + "species": 35448, + "Ġcoordinating": 35449, + "ĠMayhem": 35450, + "ĠMagnus": 35451, + "Mount": 35452, + "Improved": 35453, + "ĠSTATE": 35454, + "ATTLE": 35455, + "Ġflowed": 35456, + "Ġtackled": 35457, + "Ġfashioned": 35458, + "Ġreorgan": 35459, + "ivari": 35460, + "finger": 35461, + "Ġreluctantly": 35462, + "etting": 35463, + "ĠVand": 35464, + "young": 35465, + "ĠGarland": 35466, + "Ġpresumption": 35467, + "Ġamenities": 35468, + "ĠPleasant": 35469, + "onential": 35470, + "ĠOxy": 35471, + "Ġmorals": 35472, + "ĠYah": 35473, + "Ready": 35474, + "Simon": 35475, + "Enh": 35476, + "Demon": 35477, + "Ġclich": 35478, + "Monitor": 35479, + "ĠDU": 35480, + "Ġwelcomes": 35481, + "Ġstandout": 35482, + "Ġdreadful": 35483, + "Ġbananas": 35484, + "Ġballoons": 35485, + "hooting": 35486, + "basic": 35487, + "Ġsuffix": 35488, + "Ġduly": 35489, + "cano": 35490, + "Chain": 35491, + "atos": 35492, + "Ġgeopolitical": 35493, + "Ġ(&": 35494, + "ĠGemini": 35495, + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ": 35496, + "Ġacquitted": 35497, + "Luck": 35498, + "protect": 35499, + "1024": 35500, + "Ġscarcity": 35501, + "Ġmindfulness": 35502, + "ecided": 35503, + "DN": 35504, + "prime": 35505, + "ĠPresidents": 35506, + "ĠVIDEO": 35507, + "Ġ(âĪĴ": 35508, + "addock": 35509, + "NOR": 35510, + "ĠPru": 35511, + "pun": 35512, + "ĠLOL": 35513, + "))))": 35514, + "ĠLiqu": 35515, + "ĠSAS": 35516, + "Ġstyling": 35517, + "Ġpunishments": 35518, + "Ġnumb": 35519, + "Ġascertain": 35520, + "ĠRockies": 35521, + "flu": 35522, + "Thumbnail": 35523, + "Ġperpetrated": 35524, + "ĠSemi": 35525, + "Ġdisarm": 35526, + "ĠOlder": 35527, + "ĠException": 35528, + "Ġexponentially": 35529, + "ĠCommunities": 35530, + "Ġabolish": 35531, + "ĠPartner": 35532, + "ptoms": 35533, + "Ġ777": 35534, + "ĠFoley": 35535, + "ĠCases": 35536, + "Ġgrease": 35537, + "ĠRebirth": 35538, + "Ground": 35539, + "Ġ;)": 35540, + "ĠDoctrine": 35541, + "ikini": 35542, + "Ye": 35543, + "ĠBlossom": 35544, + "Ġpersists": 35545, + "bill": 35546, + "Ġinfusion": 35547, + "Ġbuddies": 35548, + "911": 35549, + "ĠPatient": 35550, + "Ġdemos": 35551, + "Ġacquaintance": 35552, + "ĠPaw": 35553, + "atari": 35554, + "Ġxml": 35555, + "Ġfascination": 35556, + "ĠServe": 35557, + "ÏĤ": 35558, + "branded": 35559, + "Ġaz": 35560, + "Returns": 35561, + "Ġovershadow": 35562, + "Ġroam": 35563, + "Ġspeedy": 35564, + "numbered": 35565, + "helial": 35566, + "Ġdisciple": 35567, + "Ġassurances": 35568, + "given": 35569, + "pecting": 35570, + "ĠNatalie": 35571, + "çͰ": 35572, + "Ġmosquitoes": 35573, + "rotein": 35574, + "Ġnumeric": 35575, + "Ġindependents": 35576, + "Ġtransitional": 35577, + "Ġreactionary": 35578, + "ĠMechdragon": 35579, + "doctor": 35580, + "Ġshortest": 35581, + "Ġsequential": 35582, + "ĠBac": 35583, + "ĠAccounts": 35584, + "ãģĮ": 35585, + "achy": 35586, + "ractive": 35587, + "ĠRegiment": 35588, + "Ġbreathtaking": 35589, + "fficiency": 35590, + "ĠBates": 35591, + "Ġ311": 35592, + "Ġwardrobe": 35593, + "fts": 35594, + "ĠBerk": 35595, + "Simply": 35596, + "ĠRiverside": 35597, + "ivering": 35598, + "idential": 35599, + "lucent": 35600, + "Ġenriched": 35601, + "ĠConver": 35602, + "ĠGiving": 35603, + "ãĥĻ": 35604, + "Ġlegalize": 35605, + "ĠFTC": 35606, + "Ġfreaking": 35607, + "Mix": 35608, + "Ġterrestrial": 35609, + "esian": 35610, + "cients": 35611, + "Wing": 35612, + "LOAD": 35613, + "Ġledge": 35614, + "ĠViolent": 35615, + "ĠMetall": 35616, + "Ġ308": 35617, + "Ġsoutheastern": 35618, + "hetto": 35619, + "Meat": 35620, + "Ġslowdown": 35621, + "Ġretreated": 35622, + "Jeremy": 35623, + "endas": 35624, + "*****": 35625, + "eric": 35626, + "Ġreins": 35627, + "oppable": 35628, + "ĠHumanity": 35629, + "earances": 35630, + "rigan": 35631, + "Camera": 35632, + "Ġwaivers": 35633, + "soc": 35634, + "Ġalteration": 35635, + "transform": 35636, + "ĠCemetery": 35637, + "506": 35638, + "Ġindefinite": 35639, + "Ġstimulating": 35640, + "yg": 35641, + "603": 35642, + "ĠSop": 35643, + "Ġdescriptive": 35644, + "Phase": 35645, + "ĠEdmund": 35646, + "Ġpneumonia": 35647, + "ventus": 35648, + "Amb": 35649, + "Ġlaboratories": 35650, + "ĠExclusive": 35651, + "ugar": 35652, + "Were": 35653, + "Ġmalfunction": 35654, + "Ġhomosexuals": 35655, + "Ġ-------": 35656, + "uni": 35657, + "Ġturbines": 35658, + "ĠEquity": 35659, + "Du": 35660, + "Ġminded": 35661, + "ĠRH": 35662, + "ĠBlackhawks": 35663, + "Ġfeats": 35664, + "Ġ1700": 35665, + "repl": 35666, + "362": 35667, + "laden": 35668, + "Ġindispensable": 35669, + "lyss": 35670, + "tti": 35671, + "Ġreel": 35672, + "Ġdiverted": 35673, + "Ġlikeness": 35674, + "Ġsubscriptions": 35675, + "Ġfingert": 35676, + "Ġfilthy": 35677, + "destruct": 35678, + "draft": 35679, + "ĠBernardino": 35680, + "launch": 35681, + "Ġperplex": 35682, + "ĠSUM": 35683, + "carb": 35684, + "Ġsweater": 35685, + "ĠVenture": 35686, + "ĠJag": 35687, + "ĠCeleb": 35688, + "ĠVoters": 35689, + "Ġsteadfast": 35690, + "Ġathletics": 35691, + "ĠHanson": 35692, + "ĠDrac": 35693, + "Tracker": 35694, + "Ġcommend": 35695, + "ĠPresidency": 35696, + "ĠDID": 35697, + "informed": 35698, + "Ġwebpage": 35699, + "Pretty": 35700, + "Ġforcefully": 35701, + "ãĥĥãĤ¯": 35702, + "Ġrelocation": 35703, + "Ġsatire": 35704, + "âī": 35705, + "ĠSunderland": 35706, + "æĦ": 35707, + "Voice": 35708, + "????????": 35709, + "Ġinformant": 35710, + "Ġbowel": 35711, + "ĠUniform": 35712, + "Ġ...\"": 35713, + "Ġpurge": 35714, + "Ġpicnic": 35715, + "ĠUmb": 35716, + "ĠUPDATE": 35717, + "ĠSapphire": 35718, + "ĠStall": 35719, + "learn": 35720, + "Ġobjectively": 35721, + "Ġobliter": 35722, + "Ġloophole": 35723, + "Ġjourneys": 35724, + "Ġomission": 35725, + "Pros": 35726, + "ĠSidney": 35727, + "ploma": 35728, + "Ġsprayed": 35729, + "Ġguru": 35730, + "Ġtraitor": 35731, + "Ġtimet": 35732, + "Ġsnapping": 35733, + "ĠSevent": 35734, + "urnal": 35735, + "ĠUkip": 35736, + "Ġbowed": 35737, + "poral": 35738, + "liberal": 35739, + "Ros": 35740, + "Questions": 35741, + "iOS": 35742, + "Ġsummarize": 35743, + "STAT": 35744, + "Ġ1850": 35745, + "apest": 35746, + "Ġlender": 35747, + "ĠVariable": 35748, + "bringing": 35749, + "ĠLORD": 35750, + ",)": 35751, + "Ġcollapses": 35752, + "xiety": 35753, + "ĠNed": 35754, + "YD": 35755, + "ĠScha": 35756, + "Ġantibody": 35757, + "Ġdisband": 35758, + "yre": 35759, + "illusion": 35760, + "Ġrover": 35761, + "shed": 35762, + "ĠHirosh": 35763, + "cci": 35764, + "Ġcalam": 35765, + "ĠMorton": 35766, + "Pinterest": 35767, + "Ġ1928": 35768, + "ĠEuras": 35769, + "ordes": 35770, + "Ġfences": 35771, + "ĠInventory": 35772, + "ĠValencia": 35773, + "ĠUd": 35774, + "ĠTiff": 35775, + "Ġsque": 35776, + "Ġquotation": 35777, + "Ġtroublesome": 35778, + "erker": 35779, + "QUEST": 35780, + "ĠKingdoms": 35781, + "south": 35782, + "Ġlevy": 35783, + "Prince": 35784, + "ĠSting": 35785, + "Ġnicknamed": 35786, + "Ġappe": 35787, + "Ġphotographic": 35788, + "Ġcorpus": 35789, + "reference": 35790, + "ĠTrog": 35791, + "Unt": 35792, + ")=(": 35793, + "ĠLatvia": 35794, + "Ġactivating": 35795, + "Ġlicensee": 35796, + "Ġdisparities": 35797, + "ĠNewsletter": 35798, + "ãĥĥãĥĪ": 35799, + "Ġfreeing": 35800, + "ĠJeep": 35801, + "ĠPerception": 35802, + "insk": 35803, + "Ġsilicone": 35804, + "ĠHayden": 35805, + "Lean": 35806, + "ĠSuzuki": 35807, + "ibrarian": 35808, + "668": 35809, + "Ġspor": 35810, + "Ġcorrelations": 35811, + "aghetti": 35812, + "Ġtuber": 35813, + "ĠIPCC": 35814, + "ilus": 35815, + "ĠVu": 35816, + "Ġwealthiest": 35817, + "ĠCarbuncle": 35818, + "anza": 35819, + "Ġfooled": 35820, + "ĠZur": 35821, + "Ġdaddy": 35822, + "rano": 35823, + "ilian": 35824, + "Ġknockout": 35825, + "fman": 35826, + "required": 35827, + "ĠWikileaks": 35828, + "ĠDuffy": 35829, + "ONT": 35830, + "Ġinsol": 35831, + "ĠObjects": 35832, + "Ġbou": 35833, + "ĠNordic": 35834, + "ĠInsert": 35835, + "scan": 35836, + "Ġdancers": 35837, + "Ġidiots": 35838, + "majority": 35839, + "ĠNeville": 35840, + "ĠFreeBSD": 35841, + "Ġtart": 35842, + "panic": 35843, + "690": 35844, + "Ġcocoa": 35845, + "Ġsampled": 35846, + "Ġlookup": 35847, + "Indust": 35848, + "Ġinjections": 35849, + "genre": 35850, + "Ġau": 35851, + "Ġroadway": 35852, + "Ġgenitals": 35853, + "Kind": 35854, + "ĠExaminer": 35855, + "ĠYaz": 35856, + "Fresh": 35857, + "Ġparalysis": 35858, + "ĠAluminum": 35859, + "Ġreap": 35860, + "oké": 35861, + "Ġsloppy": 35862, + "ĠTunnel": 35863, + "posium": 35864, + "nery": 35865, + "enic": 35866, + "Ġherbal": 35867, + "ĠOuter": 35868, + "ĠBuilder": 35869, + "Ġincur": 35870, + "Ġideologies": 35871, + "Ġbackups": 35872, + "consuming": 35873, + "ĠDetect": 35874, + "deck": 35875, + "ĠKNOW": 35876, + "ĠGret": 35877, + "ĠMIC": 35878, + "Ġtoughness": 35879, + "ĠExhibit": 35880, + "Ġhive": 35881, + "Les": 35882, + "ĠSCHOOL": 35883, + "ĠAtari": 35884, + "alde": 35885, + "ĠNull": 35886, + "andestine": 35887, + "mouse": 35888, + "Ġbrigade": 35889, + "489": 35890, + "Ġrevol": 35891, + "ĠLawson": 35892, + "ĠWah": 35893, + "opoly": 35894, + "ebted": 35895, + "ĠSaunders": 35896, + "Ġ313": 35897, + "ĠWinc": 35898, + "Ġtaboo": 35899, + "ĠHelmet": 35900, + "Ġwedge": 35901, + "chip": 35902, + "ĠTina": 35903, + "bg": 35904, + "Ġinfuri": 35905, + "rn": 35906, + "Ġanomalies": 35907, + "ĠSync": 35908, + "ĠExam": 35909, + "ĠCommit": 35910, + "ĠDiary": 35911, + "ĠALSO": 35912, + "ĠDebor": 35913, + "omedical": 35914, + "Ġcomprehension": 35915, + "655": 35916, + "Ġempowering": 35917, + "Ġire": 35918, + "Ġjuices": 35919, + "ĠETH": 35920, + "ĠBoxing": 35921, + "=\"/": 35922, + "Ġfacilitated": 35923, + "poke": 35924, + "ĠParsons": 35925, + "ĠModer": 35926, + "travel": 35927, + "Ġcivilizations": 35928, + "Ġlibertarians": 35929, + "Ġrune": 35930, + "ĠClarks": 35931, + "athed": 35932, + "Ġcampaigners": 35933, + "ĠDispatch": 35934, + "ĠFahrenheit": 35935, + "ĠCapcom": 35936, + "----------": 35937, + "Ġlace": 35938, + "Ġdraining": 35939, + "Ġliner": 35940, + "ĠArtificial": 35941, + "én": 35942, + "task": 35943, + "]).": 35944, + "ĠGMO": 35945, + "ĠOperator": 35946, + "ordinary": 35947, + "ĠInfluence": 35948, + "ĠUps": 35949, + "Ġpotency": 35950, + "ussen": 35951, + "ospons": 35952, + "ĠSwim": 35953, + "ĠDeadline": 35954, + "Unity": 35955, + "Ġculinary": 35956, + "Ġenlightenment": 35957, + "Ġwearer": 35958, + "Ġmined": 35959, + "Ġply": 35960, + "Ġincest": 35961, + "ĠDVDs": 35962, + "Walk": 35963, + "BTC": 35964, + "Trade": 35965, + "Ġdeval": 35966, + "iband": 35967, + "ĠOversight": 35968, + "Palestinian": 35969, + "Ġdart": 35970, + "Ġmul": 35971, + "LR": 35972, + "Ġremovable": 35973, + "ĠRealms": 35974, + "ìĿ": 35975, + "Ġmiscar": 35976, + "ĠVulkan": 35977, + "685": 35978, + "ère": 35979, + "ĠSap": 35980, + "Ġmerging": 35981, + "ĠCarly": 35982, + "chester": 35983, + "Ġbrisk": 35984, + "Ġluxurious": 35985, + "ĠGenerator": 35986, + "Ġbitterness": 35987, + "Ġedible": 35988, + "Ġ243": 35989, + "TG": 35990, + "Ġrectangle": 35991, + "WithNo": 35992, + "below": 35993, + "Jenn": 35994, + "Ġdarkest": 35995, + "Ġhitch": 35996, + "Ġdosage": 35997, + "Ġscaven": 35998, + "ĠKeller": 35999, + "ĠIllustrated": 36000, + "Certainly": 36001, + "ĠMavericks": 36002, + "Marginal": 36003, + "Ġdiarrhea": 36004, + "Ġenormously": 36005, + "Ġ999": 36006, + "shr": 36007, + "quart": 36008, + "Ġadamant": 36009, + "ĠMew": 36010, + "Ġrenovation": 36011, + "Ġcervical": 36012, + "ĠPercentage": 36013, + "eners": 36014, + "ĠKimber": 36015, + "Ġfloats": 36016, + "Ġdex": 36017, + "ĠWitcher": 36018, + "ĠSwansea": 36019, + "dm": 36020, + "Ġsalty": 36021, + "yellow": 36022, + "Ġcape": 36023, + "ĠDrain": 36024, + "ĠPaula": 36025, + "ĠToledo": 36026, + "lesi": 36027, + "Magazine": 36028, + "ĠWick": 36029, + "ĠMn": 36030, + "ĠAck": 36031, + "ĠRiding": 36032, + "ASON": 36033, + "Ġhomophobic": 36034, + "ARP": 36035, + "Ġwandered": 36036, + "CPU": 36037, + "oodoo": 36038, + "ĠPipe": 36039, + "Ġtightening": 36040, + "ĠButt": 36041, + "318": 36042, + "Ġdeserted": 36043, + "Session": 36044, + "Ġfacilitating": 36045, + "Jump": 36046, + "Ġemergencies": 36047, + "OWER": 36048, + "Ġexhaustive": 36049, + "ĠAFTER": 36050, + "Ġheartbeat": 36051, + "ĠLabel": 36052, + "acky": 36053, + "ĠCertified": 36054, + "iltration": 36055, + "Ze": 36056, + "ĠUtt": 36057, + "Ġ1300": 36058, + "Ġpresume": 36059, + "ĠDisp": 36060, + "Ġsurged": 36061, + "Ġdolls": 36062, + "Columb": 36063, + "Ġchimpan": 36064, + "ĠRazor": 36065, + "Ġticks": 36066, + "Ġcouncillor": 36067, + "Ġpilgrimage": 36068, + "ĠRebels": 36069, + "ĠQC": 36070, + "ĠAuction": 36071, + "xia": 36072, + "ikk": 36073, + "bred": 36074, + "Ġinsertion": 36075, + "Ġcoarse": 36076, + "dB": 36077, + "SEE": 36078, + "ĠZap": 36079, + "ĠFoo": 36080, + "Ġcontempor": 36081, + "ĠQuarterly": 36082, + "otions": 36083, + "ĠAlchemist": 36084, + "ĠTrey": 36085, + "ĠDuo": 36086, + "Sweet": 36087, + "804": 36088, + "ĠGiov": 36089, + "Ġfunn": 36090, + "Nin": 36091, + "hoff": 36092, + "Ġramifications": 36093, + "Ġ1922": 36094, + "ĠExperts": 36095, + "azes": 36096, + "Ġgarments": 36097, + "arial": 36098, + "ĠNab": 36099, + "Ġ257": 36100, + "ĠVed": 36101, + "Ġhumorous": 36102, + "ĠPompe": 36103, + "Ġnylon": 36104, + "Ġlurking": 36105, + "ĠSergey": 36106, + "ĠMattis": 36107, + "Ġmisogyny": 36108, + "ĠComponents": 36109, + "ĠWatching": 36110, + "ĠFolk": 36111, + "ractical": 36112, + "Bush": 36113, + "Ġtaped": 36114, + "Ġgrouping": 36115, + "Ġbeads": 36116, + "Ġ2048": 36117, + "Ġcondu": 36118, + "querque": 36119, + "Reading": 36120, + "Ġgrievances": 36121, + "Ultra": 36122, + "Ġendpoint": 36123, + "Hig": 36124, + "ĠStatic": 36125, + "ĠScarborough": 36126, + "Lua": 36127, + "ĠMessi": 36128, + "aqu": 36129, + "ĠPsyNet": 36130, + "ĠRudd": 36131, + "Ġavenue": 36132, + "vp": 36133, + "Jer": 36134, + "Ġshady": 36135, + "ĠResist": 36136, + "ĠArtemis": 36137, + "Ġcareless": 36138, + "Ġbrokers": 36139, + "Ġtemperament": 36140, + "Ġ520": 36141, + "Tags": 36142, + "ĠTurning": 36143, + "Ġuttered": 36144, + "Ġpedd": 36145, + "Ġimprovised": 36146, + "Ġ:(": 36147, + "Ġtabl": 36148, + "Ġplains": 36149, + "1600": 36150, + "pressure": 36151, + "ĠEssence": 36152, + "margin": 36153, + "friends": 36154, + "ĠRestoration": 36155, + "Ġpollut": 36156, + "ĠPoker": 36157, + "ĠAugustine": 36158, + "ĠCIS": 36159, + "ĠSEAL": 36160, + "orama": 36161, + "Ġthwart": 36162, + "seek": 36163, + "Ġpagan": 36164, + "º": 36165, + "cpu": 36166, + "Ġgarn": 36167, + "Ġassortment": 36168, + "ĠILCS": 36169, + "tower": 36170, + "Recommended": 36171, + "Ġunborn": 36172, + "ĠRandomRedditor": 36173, + "ĠRandomRedditorWithNo": 36174, + "Ġparalyzed": 36175, + "Ġeruption": 36176, + "Ġintersect": 36177, + "ĠStoke": 36178, + "ĠSco": 36179, + "Bind": 36180, + "å¾": 36181, + "ĠPNG": 36182, + "ĠNegative": 36183, + "ĠNOAA": 36184, + "Leon": 36185, + "Ġalloy": 36186, + "ĠLama": 36187, + "ĠDiversity": 36188, + "575": 36189, + "Ġunderestimated": 36190, + "ĠScor": 36191, + "Ġmural": 36192, + "Ġbusted": 36193, + "soon": 36194, + "lif": 36195, + "Ġnonex": 36196, + "Ġallergy": 36197, + "ĠUnderworld": 36198, + "ĠRays": 36199, + "ĠBlasio": 36200, + "Ġhrs": 36201, + "ĠDir": 36202, + "Ġ327": 36203, + "byter": 36204, + "Ġreplacements": 36205, + "Ġactivates": 36206, + "rived": 36207, + "MH": 36208, + "Ġpans": 36209, + "ĠHI": 36210, + "Ġlongitudinal": 36211, + "Ġnuisance": 36212, + "aler": 36213, + "Ġswell": 36214, + "ĠSigned": 36215, + "sci": 36216, + "ĠIsles": 36217, + "ĠAGA": 36218, + "Ġdefiant": 36219, + "Ġsonic": 36220, + "ocon": 36221, + "KC": 36222, + "ĠAim": 36223, + "tie": 36224, + "ahah": 36225, + "ĠmL": 36226, + "DX": 36227, + "Ġbisc": 36228, + "ĠBillboard": 36229, + "ĠSYSTEM": 36230, + "NEY": 36231, + "gaard": 36232, + "Ġdistressed": 36233, + "formerly": 36234, + "Alan": 36235, + "Ġchefs": 36236, + "Ġoptics": 36237, + "ĠComet": 36238, + "ĠAMC": 36239, + "Ġredesigned": 36240, + "irmation": 36241, + "Ġsightings": 36242, + "382": 36243, + "311": 36244, + "ĠWB": 36245, + "Ġcontraction": 36246, + "ĠTOTAL": 36247, + "Dual": 36248, + "Ġstartled": 36249, + "Ġunderstandably": 36250, + "Ġsunglasses": 36251, + "ETHOD": 36252, + "Ġdocker": 36253, + "Ġsurfing": 36254, + "ĠHEL": 36255, + "ĠSlack": 36256, + "tones": 36257, + "Ġshalt": 36258, + "Visual": 36259, + "498": 36260, + "Department": 36261, + "cussion": 36262, + "Ġunrestricted": 36263, + "Ġtad": 36264, + "Ġrename": 36265, + "employed": 36266, + "Ġeducating": 36267, + "Ġgrinned": 36268, + "bedroom": 36269, + "ĠActivities": 36270, + "ĠVelvet": 36271, + "ĠSWAT": 36272, + "Ġshuffle": 36273, + "igor": 36274, + "Ġsaturation": 36275, + "Finding": 36276, + "cream": 36277, + "icter": 36278, + "Ġvodka": 36279, + "tracking": 36280, + "tec": 36281, + "Ġforeground": 36282, + "iesta": 36283, + "Ġvehement": 36284, + "ĠECB": 36285, + "ĠTie": 36286, + "Ey": 36287, + "Ġturtles": 36288, + "ĠRailroad": 36289, + "ĠKatz": 36290, + "ĠFrames": 36291, + "Ġmenace": 36292, + "ĠFellowship": 36293, + "ĠEssential": 36294, + "uggish": 36295, + "Ġdrip": 36296, + "chwitz": 36297, + "ĠKyoto": 36298, + "sb": 36299, + "ĠNina": 36300, + "Parameter": 36301, + "Ġalarms": 36302, + "ĠClaud": 36303, + "Ġpioneering": 36304, + "Ġchiefly": 36305, + "ĠScream": 36306, + "Collection": 36307, + "Ġthankfully": 36308, + "ĠRonaldo": 36309, + "åŃIJ": 36310, + "strip": 36311, + "ĠDisneyland": 36312, + "commercial": 36313, + "Seeing": 36314, + "Soul": 36315, + "Ġevacuate": 36316, + "Ġciv": 36317, + "ĠAshe": 36318, + "Ġdivides": 36319, + "ĠDagger": 36320, + "rehensive": 36321, + "Ġberries": 36322, + "ĠDF": 36323, + "Ġsushi": 36324, + "Ġplurality": 36325, + "WI": 36326, + "Ġdisadvantaged": 36327, + "Ġbattalion": 36328, + "obiles": 36329, + "451": 36330, + "Ġcling": 36331, + "Ġundeniable": 36332, + "ĠLounge": 36333, + "Ġhaunt": 36334, + "phe": 36335, + "Ġquantify": 36336, + "Ġdiffered": 36337, + "Ġ[*]": 36338, + "ĠViz": 36339, + "cum": 36340, + "slave": 36341, + "Ġvideog": 36342, + "Ġquar": 36343, + "Ġbundles": 36344, + "ĠAlonso": 36345, + "tackle": 36346, + "Ġneuronal": 36347, + "Ġlandslide": 36348, + "confirmed": 36349, + "ĠDepth": 36350, + "Ġrenewables": 36351, + "Bear": 36352, + "ĠMacedonia": 36353, + "Ġjerseys": 36354, + "Ġbunk": 36355, + "ĠSpawn": 36356, + "ĠControls": 36357, + "ĠBuchanan": 36358, + "Ġrobotics": 36359, + "Ġemphasizing": 36360, + "ĠTutorial": 36361, + "hyp": 36362, + "iston": 36363, + "Ġmonumental": 36364, + "æ°": 36365, + "ĠCarry": 36366, + "Ġtbsp": 36367, + "enance": 36368, + "Hill": 36369, + "arthed": 36370, + "Ġrotten": 36371, + "Dean": 36372, + "Ġtwisting": 36373, + "Ġgoodwill": 36374, + "Ġimmersion": 36375, + "Living": 36376, + "Ġbrushes": 36377, + "ĠCGI": 36378, + "ĠAtk": 36379, + "traditional": 36380, + "Ġphantom": 36381, + "ĠStamina": 36382, + "Ġexpansions": 36383, + "ĠMarin": 36384, + "Ġembarked": 36385, + "ĠEg": 36386, + "intestinal": 36387, + "ĠPEOPLE": 36388, + "ĠBooth": 36389, + "ĠAppalach": 36390, + "Ġrelegated": 36391, + "VT": 36392, + "MIT": 36393, + "Ġmuster": 36394, + "Ġwithdrawing": 36395, + "Ġmicroscope": 36396, + "ĠGathering": 36397, + "ĠCrescent": 36398, + "ĠArgentine": 36399, + "ĠDecre": 36400, + "ĠDominic": 36401, + "Ġbuds": 36402, + "antage": 36403, + "ĠIon": 36404, + "Ġwidened": 36405, + "ONSORED": 36406, + "ĠGloves": 36407, + "iannopoulos": 36408, + "razen": 36409, + "feel": 36410, + "Ġrepayment": 36411, + "Ġhindsight": 36412, + "ĠREALLY": 36413, + "ĠPistol": 36414, + "ĠBrah": 36415, + "Ġwatts": 36416, + "Ġsurvives": 36417, + "Ġflurry": 36418, + "issy": 36419, + "Alert": 36420, + "ĠUruguay": 36421, + "Phoenix": 36422, + "Slow": 36423, + "ĠGrave": 36424, + "ĠFir": 36425, + "Ġmanageable": 36426, + "Ġtariff": 36427, + "ĠUDP": 36428, + "ĠPistons": 36429, + "ĠNigerian": 36430, + "Ġstrikeouts": 36431, + "Ġcosmetics": 36432, + "whelming": 36433, + "fab": 36434, + "cape": 36435, + "proxy": 36436, + "Ġrethink": 36437, + "Ġovercoming": 36438, + "simple": 36439, + "Ġwoo": 36440, + "Ġdistracting": 36441, + "ĠStanton": 36442, + "ĠTulsa": 36443, + "ĠDock": 36444, + "659": 36445, + "Ġdiscord": 36446, + "ĠEmacs": 36447, + "ĠVes": 36448, + "ĠROB": 36449, + "Ġreassuring": 36450, + "Ġconsortium": 36451, + "Muslims": 36452, + "321": 36453, + "Ġprompts": 36454, + "sei": 36455, + "ĠHitch": 36456, + "imposed": 36457, + "ĠFool": 36458, + "Ġindiscrim": 36459, + "wrong": 36460, + "buquerque": 36461, + "Davis": 36462, + "!]": 36463, + "Ġtimeless": 36464, + "ĠNEED": 36465, + "Ġpesticide": 36466, + "Ġrallying": 36467, + "ĠCalder": 36468, + "Ġå¤": 36469, + "Ġxp": 36470, + "ĠUnle": 36471, + "ĠExport": 36472, + "luaj": 36473, + "Buff": 36474, + ")[": 36937, + "Ġsqor": 36938, + "Saudi": 36939, + "Ġistg": 36940, + "Ġindulge": 36941, + "proc": 36942, + "Ġdisgusted": 36943, + "Ġcompounded": 36944, + "Ġnem": 36945, + "Ġschooling": 36946, + "ĠCure": 36947, + "processing": 36948, + "Sol": 36949, + "Ġproverb": 36950, + "itized": 36951, + "ĠAlvarez": 36952, + "Ġscarf": 36953, + "Ġrectangular": 36954, + "reve": 36955, + "Ġhormonal": 36956, + "ĠStress": 36957, + "itizen": 36958, + "Ġ425": 36959, + "girls": 36960, + "ĠNoir": 36961, + "ĠRapp": 36962, + "Ġmarches": 36963, + "church": 36964, + "ĠUses": 36965, + "Ġ405": 36966, + "ĠBerm": 36967, + "Ġordinances": 36968, + "ĠJudgment": 36969, + "Charges": 36970, + "ĠZin": 36971, + "Ġdusty": 36972, + "Ġstrawberries": 36973, + "Ġperce": 36974, + "ĠThur": 36975, + "ĠDeborah": 36976, + "netflix": 36977, + "ĠLambert": 36978, + "Ġamused": 36979, + "ĠGuang": 36980, + "YOU": 36981, + "RGB": 36982, + "ĠCCTV": 36983, + "Ġfiat": 36984, + "rang": 36985, + "Ġfederation": 36986, + "ĠMant": 36987, + "ĠBust": 36988, + "ĠMare": 36989, + "respective": 36990, + "ĠMigration": 36991, + "ĠBIT": 36992, + "590": 36993, + "Ġpatriotism": 36994, + "Ġoutlining": 36995, + "region": 36996, + "ĠJosé": 36997, + "Ġblasting": 36998, + "ĠEzra": 36999, + "Bs": 37000, + "Ġundermines": 37001, + "ĠSmooth": 37002, + "Ġclashed": 37003, + "radio": 37004, + "Ġtransitioning": 37005, + "ĠBuccaneers": 37006, + "ĠOwl": 37007, + "Ġplugs": 37008, + "Ġhiatus": 37009, + "ĠPinball": 37010, + "Ġmig": 37011, + "ĠNutr": 37012, + "ĠWolfe": 37013, + "Ġintegers": 37014, + "Ġorbits": 37015, + "ĠEdwin": 37016, + "ĠDirectX": 37017, + "bite": 37018, + "Ġblazing": 37019, + "vr": 37020, + "Edge": 37021, + "ĠPID": 37022, + "exit": 37023, + "ĠComed": 37024, + "ĠPathfinder": 37025, + "ĠGuid": 37026, + "ĠSigns": 37027, + "ĠZer": 37028, + "ĠAgenda": 37029, + "Ġreimbursement": 37030, + "Mesh": 37031, + "iPhone": 37032, + "ĠMarcos": 37033, + "ĠSites": 37034, + "hate": 37035, + "enburg": 37036, + "Ġsockets": 37037, + "pend": 37038, + "Batman": 37039, + "vir": 37040, + "ĠSHOW": 37041, + "Ġprovisional": 37042, + "conn": 37043, + "ĠDeaths": 37044, + "ATIVE": 37045, + "Profile": 37046, + "sym": 37047, + "JA": 37048, + "Ġninja": 37049, + "installed": 37050, + "idates": 37051, + "ebra": 37052, + "ĠOmaha": 37053, + "Ġseizing": 37054, + "ĠBeasts": 37055, + "Ġsalts": 37056, + "Mission": 37057, + "Generally": 37058, + "ĠTrilogy": 37059, + "heon": 37060, + "legates": 37061, + "Ġdime": 37062, + "Ġfaire": 37063, + "parable": 37064, + "Graph": 37065, + "Ġtotaling": 37066, + "Ġdiagrams": 37067, + "ĠYanuk": 37068, + "plet": 37069, + "ĠMeh": 37070, + "Ġmythical": 37071, + "ĠStephens": 37072, + "autical": 37073, + "ochemistry": 37074, + "Ġkilograms": 37075, + "Ġelbows": 37076, + "ancock": 37077, + "ĠBCE": 37078, + "ĠPrague": 37079, + "Ġimprov": 37080, + "ĠDevin": 37081, + "Ġ\"\\": 37082, + "paralle": 37083, + "Ġsupremacists": 37084, + "ĠBillion": 37085, + "Ġregimen": 37086, + "innacle": 37087, + "Ġrequisite": 37088, + "angan": 37089, + "ĠBurlington": 37090, + "ainment": 37091, + "ĠObjective": 37092, + "omsky": 37093, + "GV": 37094, + "Ġunilateral": 37095, + "Ġtc": 37096, + "Ġhires": 37097, + "mental": 37098, + "Ġinvoluntary": 37099, + "Ġtranspl": 37100, + "ĠASCII": 37101, + "¨": 37102, + "Events": 37103, + "Ġdoubted": 37104, + "ĠKaplan": 37105, + "ĠCourage": 37106, + "igon": 37107, + "ĠManaging": 37108, + "ĠTart": 37109, + "Ġfalsehood": 37110, + "ĠViolet": 37111, + "Ġairs": 37112, + "Ġfertilizer": 37113, + "Britain": 37114, + "Ġaquatic": 37115, + "ouf": 37116, + "Words": 37117, + "ĠHartford": 37118, + "Ġevenings": 37119, + "ĠVengeance": 37120, + "quite": 37121, + "Gall": 37122, + "ĠPret": 37123, + "Ġpdf": 37124, + "ĠLM": 37125, + "ĠSochi": 37126, + "ĠIntercept": 37127, + "920": 37128, + "Ġprofitability": 37129, + "ĠIdle": 37130, + "ĠMacDonald": 37131, + "ĠEstablishment": 37132, + "umsy": 37133, + "Ġgatherings": 37134, + "ĠNaj": 37135, + "Charlie": 37136, + "Ġascent": 37137, + "ĠProtector": 37138, + "Ġalgebra": 37139, + "Ġbios": 37140, + "forums": 37141, + "ELS": 37142, + "Introduced": 37143, + "Ġ335": 37144, + "Ġastronomy": 37145, + "Contribut": 37146, + "ĠPolic": 37147, + "Platform": 37148, + "Ġcontainment": 37149, + "wrap": 37150, + "Ġcoronary": 37151, + "ĠJelly": 37152, + "manager": 37153, + "Ġheartbreaking": 37154, + "cair": 37155, + "ĠChero": 37156, + "cgi": 37157, + "Medical": 37158, + "ĠAccountability": 37159, + "!!\"": 37160, + "ophile": 37161, + "Ġpsychotic": 37162, + "ĠRestrict": 37163, + "Ġequitable": 37164, + "issues": 37165, + "Ġ1905": 37166, + "ĠNek": 37167, + "cised": 37168, + "ĠTracking": 37169, + "Ġozone": 37170, + "Ġcooker": 37171, + "rosis": 37172, + "Ġreopen": 37173, + "Ġinfinity": 37174, + "ĠPharmaceutical": 37175, + "ensional": 37176, + "Attempt": 37177, + "ĠRory": 37178, + "Marco": 37179, + "Ġawaits": 37180, + "HOW": 37181, + "treated": 37182, + "Ġbolst": 37183, + "Ġrevered": 37184, + "Ġpods": 37185, + "oppers": 37186, + "0010": 37187, + "Ġamplitude": 37188, + "rican": 37189, + "SPONSORED": 37190, + "Ġtrousers": 37191, + "Ġhalves": 37192, + "ĠKaine": 37193, + "ĠCutler": 37194, + "ĠAUTH": 37195, + "Ġsplendid": 37196, + "Ġpreventive": 37197, + "ĠDudley": 37198, + "ifacts": 37199, + "uminati": 37200, + "ĠYin": 37201, + "Ġadmon": 37202, + "ĠVag": 37203, + "Ġinverted": 37204, + "Ġhastily": 37205, + "ĠHague": 37206, + "Lyn": 37207, + "Ġledger": 37208, + "Ġastronomical": 37209, + "getting": 37210, + "Ġcirca": 37211, + "ĠCic": 37212, + "ĠTennis": 37213, + "Limited": 37214, + "Ġdru": 37215, + "ĠBYU": 37216, + "Ġtravellers": 37217, + "Ġpane": 37218, + "ĠIntro": 37219, + "Ġpatiently": 37220, + "Ġaiding": 37221, + "Ġloos": 37222, + "ĠTough": 37223, + "Ġ293": 37224, + "Ġconsumes": 37225, + "SourceFile": 37226, + "Ġ\"\"\"": 37227, + "Ġbonding": 37228, + "Ġtilted": 37229, + "Ġmenstrual": 37230, + "ĠCelestial": 37231, + "ULAR": 37232, + "Plugin": 37233, + "Ġrisking": 37234, + "Naz": 37235, + "ĠRiyadh": 37236, + "Ġaccredited": 37237, + "Ġskirm": 37238, + "éĽ": 37239, + "Ġexaminer": 37240, + "Ġmessing": 37241, + "Ġnearing": 37242, + "ĠChern": 37243, + "ĠBeckham": 37244, + "Ġswapped": 37245, + "Ġgoose": 37246, + "Kay": 37247, + "Ġlofty": 37248, + "ĠWallet": 37249, + "Ġ['": 37250, + "Ġapocalypse": 37251, + "Ġbamboo": 37252, + "ĠSPACE": 37253, + "ĠElena": 37254, + "Ġ306": 37255, + "acons": 37256, + "Ġtightened": 37257, + "Ġadolescence": 37258, + "Ġrainy": 37259, + "Ġvandalism": 37260, + "ĠNewtown": 37261, + "Ġconject": 37262, + "cakes": 37263, + "Ġcheated": 37264, + "Ġmoderators": 37265, + "params": 37266, + "EFF": 37267, + "Ġdeceit": 37268, + "ĠSTL": 37269, + "ĠTanzania": 37270, + "ĠRI": 37271, + "Ġ1923": 37272, + "ĠExile": 37273, + "thel": 37274, + "Ġtheolog": 37275, + "Ġquirky": 37276, + "ĠIrvine": 37277, + "Ġneedy": 37278, + "oris": 37279, + "Um": 37280, + "Ka": 37281, + "Ġmailbox": 37282, + "322": 37283, + "Ġbos": 37284, + "ĠPetra": 37285, + "KING": 37286, + "Ġenlarged": 37287, + "Often": 37288, + "Ġbadass": 37289, + "Ġ343": 37290, + "ĠPlaces": 37291, + "ĠCAD": 37292, + "Ġpristine": 37293, + "Ġintervening": 37294, + "direction": 37295, + "Ġlaz": 37296, + "ĠDSM": 37297, + "Ġprojecting": 37298, + "ĠFunk": 37299, + "agog": 37300, + "payment": 37301, + "nov": 37302, + "Ġchatter": 37303, + "ARB": 37304, + "Ġexaminations": 37305, + "ĠHousehold": 37306, + "ĠGus": 37307, + "Ford": 37308, + "414": 37309, + "Boss": 37310, + "Ġmystic": 37311, + "Ġleaps": 37312, + "ĠBav": 37313, + "ulz": 37314, + "budget": 37315, + "Football": 37316, + "Ġsubsidized": 37317, + "Ġfirsthand": 37318, + "Ġcoincide": 37319, + "ocular": 37320, + "Conn": 37321, + "ĠCollabor": 37322, + "Ġfools": 37323, + "amura": 37324, + "ahar": 37325, + "rists": 37326, + "Ġswollen": 37327, + "Ġexpended": 37328, + "ĠPau": 37329, + "sup": 37330, + "Ġspar": 37331, + "Ġkeynote": 37332, + "suff": 37333, + "Ġunequal": 37334, + "Ġprogressing": 37335, + "strings": 37336, + "ĠGamergate": 37337, + "Disney": 37338, + "ĠEleven": 37339, + "omnia": 37340, + "Ġscripted": 37341, + "Ġearners": 37342, + "brother": 37343, + "ĠEnabled": 37344, + "æ³": 37345, + "Ġlarvae": 37346, + "ĠLOC": 37347, + "mess": 37348, + "Wilson": 37349, + "ĠTemplate": 37350, + "successfully": 37351, + "Ġparamount": 37352, + "Ġcamouflage": 37353, + "Ġbinds": 37354, + "ĠQuiet": 37355, + "ĠShutterstock": 37356, + "rush": 37357, + "Ġmascot": 37358, + "fortune": 37359, + "ĠColt": 37360, + "ĠBeyon": 37361, + "habi": 37362, + "Ġhairc": 37363, + "Ġ267": 37364, + "ĠDeus": 37365, + "Ġtwitch": 37366, + "Ġconcentrating": 37367, + "Ġnipples": 37368, + "cible": 37369, + "Ġgir": 37370, + "NZ": 37371, + "Math": 37372, + "nih": 37373, + "Required": 37374, + "Ġponder": 37375, + "ĠSAN": 37376, + "Ġweddings": 37377, + "Ġloneliness": 37378, + "NES": 37379, + "ĠMahjong": 37380, + "695": 37381, + "addle": 37382, + "ĠGarner": 37383, + "ĠCOUR": 37384, + "Bridge": 37385, + "Ġspree": 37386, + "ĠCaldwell": 37387, + "Ġbribery": 37388, + "Ġ��������": 37389, + "plugins": 37390, + "Ġracket": 37391, + "Ġchampagne": 37392, + "versible": 37393, + "Vote": 37394, + "Ġmodifiers": 37395, + "Mayor": 37396, + "680": 37397, + "Ġassemblies": 37398, + "ĠSultan": 37399, + "ĠNing": 37400, + "ĠLadies": 37401, + "Ġsulfur": 37402, + "Ġorbs": 37403, + "Ġ-----": 37404, + "_______": 37405, + "ĠJournalism": 37406, + "Ġesports": 37407, + "Ġlush": 37408, + "Ġhue": 37409, + "Ġspectral": 37410, + "Honest": 37411, + "ãĥı": 37412, + "Ġbushes": 37413, + "Ġreinforcement": 37414, + "Ġreopened": 37415, + "ĠWheels": 37416, + "ĠMorg": 37417, + "rieving": 37418, + "Ġauxiliary": 37419, + "ĠjQuery": 37420, + "ĠBAT": 37421, + "tesque": 37422, + "Ġvertex": 37423, + "pure": 37424, + "frey": 37425, + "ãĤº": 37426, + "dos": 37427, + "Ġtyph": 37428, + "Ġcull": 37429, + "Ġeq": 37430, + "Ġdecon": 37431, + "Ġtossing": 37432, + "Ġdisparate": 37433, + "ĠBrigham": 37434, + "printf": 37435, + "ledged": 37436, + "Ġsund": 37437, + "Ġcozy": 37438, + "Ġhepatitis": 37439, + "performing": 37440, + "Ġaval": 37441, + "ĠGG": 37442, + "future": 37443, + "Ġpetertodd": 37444, + "ĠKosovo": 37445, + "Ġmagnets": 37446, + "Already": 37447, + "ĠEdison": 37448, + "ĠCeres": 37449, + "ĠRAID": 37450, + "Ġbrilliance": 37451, + "576": 37452, + "Ġderives": 37453, + "Ġhypertension": 37454, + "ĠÎĶ": 37455, + "Ġlambda": 37456, + "Ġflair": 37457, + "Ġmissionaries": 37458, + "Ġrapes": 37459, + "ĠStarter": 37460, + "ĠMonths": 37461, + "Ġdefy": 37462, + "Ġseismic": 37463, + "ĠRaphael": 37464, + "Ġeurozone": 37465, + "656": 37466, + "zsche": 37467, + "Ġscratched": 37468, + "Ġbows": 37469, + "ĠLennon": 37470, + "ĠGaia": 37471, + "Ġdripping": 37472, + "facts": 37473, + "Ale": 37474, + "Ġfrogs": 37475, + "ĠBreast": 37476, + "ogeneity": 37477, + "ĠProsecutor": 37478, + "Ġamplified": 37479, + "ĠHodg": 37480, + "ĠFn": 37481, + "Thousands": 37482, + "ĠNIH": 37483, + "ĠMonitoring": 37484, + "FTWARE": 37485, + "ĠPriebus": 37486, + "ĠGrowing": 37487, + "hunter": 37488, + "Ġdiagnose": 37489, + "ĠMald": 37490, + "ĠLR": 37491, + "Ġcrowned": 37492, + "Ġbursting": 37493, + "Ġdissolution": 37494, + "javascript": 37495, + "Ġusefulness": 37496, + "ĠExecution": 37497, + ":(": 37498, + "ĠIvory": 37499, + "aah": 37500, + "Ġpersecuted": 37501, + "violence": 37502, + "istas": 37503, + "ĠCrate": 37504, + "Ġimpulses": 37505, + "ĠSpani": 37506, + "edes": 37507, + "Handle": 37508, + "ĠZerg": 37509, + "thinkable": 37510, + "Lastly": 37511, + "Ġspontaneously": 37512, + "Ġinconvenient": 37513, + "Ġdismissing": 37514, + "Ġplotted": 37515, + "Ġeighty": 37516, + "Ġ737": 37517, + "rish": 37518, + "ĠThornton": 37519, + "atham": 37520, + "Ġsitcom": 37521, + "Ven": 37522, + "Recipe": 37523, + "tel": 37524, + "lund": 37525, + "Ġclears": 37526, + "ĠSasuke": 37527, + "Ġ258": 37528, + "Ġopting": 37529, + "Ġenraged": 37530, + "esthetic": 37531, + "ĠAe": 37532, + "uchs": 37533, + "Prep": 37534, + "Flow": 37535, + "Ġrunoff": 37536, + "ĠEating": 37537, + "ĠGiles": 37538, + "ĠActing": 37539, + "resources": 37540, + "ibaba": 37541, + "Ġrpm": 37542, + "Ġskewed": 37543, + "ĠBlanc": 37544, + "ĠSakuya": 37545, + "Ġhotter": 37546, + "Ġ1924": 37547, + "opian": 37548, + "cko": 37549, + "Ġcrumbling": 37550, + "Ġcaptains": 37551, + "ĠAppropriations": 37552, + "leaders": 37553, + "dropping": 37554, + "anuts": 37555, + "Ġreversing": 37556, + "ĠPose": 37557, + "ĠSek": 37558, + "Scot": 37559, + "ĠIdea": 37560, + "cise": 37561, + "ĠSlovenia": 37562, + "Ġ317": 37563, + "Doctor": 37564, + "Ġcrocod": 37565, + "aldi": 37566, + "Sea": 37567, + "ĠFarrell": 37568, + "Ġmercenaries": 37569, + "ĠRNC": 37570, + "ĠGuess": 37571, + "Ġpacing": 37572, + "Machine": 37573, + "StreamerBot": 37574, + "ĠCharity": 37575, + "Ġ298": 37576, + "Ġcannons": 37577, + "ĠToby": 37578, + "TPPStreamerBot": 37579, + "ĠPassion": 37580, + "cfg": 37581, + "Thom": 37582, + "Ġbadges": 37583, + "ĠBernstein": 37584, + ".âĢĵ": 37585, + "ĠPOP": 37586, + "ĠConj": 37587, + "Ġinitialization": 37588, + "Ġbiodiversity": 37589, + "Dub": 37590, + "Ġfeudal": 37591, + "Ġdisclaimer": 37592, + "Ġcrow": 37593, + "Ġignition": 37594, + "arf": 37595, + "SHA": 37596, + "ĠkHz": 37597, + "hazard": 37598, + "ĠArtists": 37599, + "oeuv": 37600, + "679": 37601, + "ĠRudy": 37602, + "Nine": 37603, + "ĠRamadan": 37604, + "å½": 37605, + "itto": 37606, + "Ġadrenaline": 37607, + "Cert": 37608, + "Ġsmelled": 37609, + "Ġimpunity": 37610, + "Ġagendas": 37611, + "ĠReborn": 37612, + "ĠConcent": 37613, + "ĠSeems": 37614, + "Ġomega": 37615, + "ĠDustin": 37616, + "Ġbacker": 37617, + "ĠSauce": 37618, + "ĠBoyle": 37619, + "WIN": 37620, + "Ġspins": 37621, + "Ġpauses": 37622, + "upt": 37623, + "Ġshredded": 37624, + "Ġstrapped": 37625, + "ĠCorruption": 37626, + "Ġscratches": 37627, + "Ġni": 37628, + "Ġattire": 37629, + "ĠSAF": 37630, + "FactoryReloaded": 37631, + "ĠIPS": 37632, + "Ġ(%": 37633, + "Ġseminar": 37634, + "focus": 37635, + "civil": 37636, + "Ġ1860": 37637, + "intosh": 37638, + "Ġcontinual": 37639, + "Ġabbrevi": 37640, + "ĠSok": 37641, + "ocobo": 37642, + "XM": 37643, + "Ġfrantic": 37644, + "Ġunavoidable": 37645, + "Ġartery": 37646, + "Ġannotations": 37647, + "bath": 37648, + "Climate": 37649, + "Ġdors": 37650, + "ĠSlide": 37651, + "coord": 37652, + "ĠReload": 37653, + "ĠLDL": 37654, + "ĠLovecraft": 37655, + "Ġunimagin": 37656, + "Ġresembled": 37657, + "Ġbarracks": 37658, + "np": 37659, + "Ġsurrogate": 37660, + "Ġcategorized": 37661, + "ãĤ©": 37662, + "Ġvaccinated": 37663, + "Ġdrainage": 37664, + "Ġindist": 37665, + "ĠWhatsApp": 37666, + "Ġ1870": 37667, + "olerance": 37668, + "invoke": 37669, + "amorph": 37670, + "Ġreconnect": 37671, + "Ġemanc": 37672, + "Ġblindness": 37673, + "Ġ1280": 37674, + "internet": 37675, + "collar": 37676, + "Ġaltru": 37677, + "Ġabyss": 37678, + "ĠTRI": 37679, + "657": 37680, + "Ġinfused": 37681, + "HEAD": 37682, + "Ġforestry": 37683, + "ĠWoody": 37684, + "ĠCi": 37685, + "wi": 37686, + "sam": 37687, + "784": 37688, + "holiday": 37689, + "Ġmogul": 37690, + "ĠFees": 37691, + "ĠDEN": 37692, + "Internal": 37693, + "urbed": 37694, + "fusc": 37695, + "atom": 37696, + "ĠIllusion": 37697, + "Ġpolled": 37698, + "Ġflap": 37699, + "Ġcoax": 37700, + "LGBT": 37701, + "Analy": 37702, + "ĠSections": 37703, + "ĠCaliforn": 37704, + "emn": 37705, + "Ġhither": 37706, + "ĠNIGHT": 37707, + "Ġnailed": 37708, + "ĠPipeline": 37709, + "391": 37710, + "oof": 37711, + "ĠPrimal": 37712, + "verend": 37713, + "Ġslashing": 37714, + "Ġretri": 37715, + "aviour": 37716, + "Ġdeparting": 37717, + "gil": 37718, + "ISC": 37719, + "Ġmidway": 37720, + "Ġultrasound": 37721, + "Ġbehaving": 37722, + "ĠTara": 37723, + "classes": 37724, + "Virtual": 37725, + "ĠColonial": 37726, + "Ġstripping": 37727, + "Ġorchestrated": 37728, + "ĠGraves": 37729, + "452": 37730, + "ĠIronically": 37731, + "ĠWriters": 37732, + "Ġlends": 37733, + "ĠManz": 37734, + "Ġraven": 37735, + "Ġoxidative": 37736, + "Ġ266": 37737, + "ELF": 37738, + "actually": 37739, + "ascar": 37740, + "Draft": 37741, + "Ġfavourable": 37742, + "Ġhumiliating": 37743, + "Ġfidelity": 37744, + "ĠHof": 37745, + "ĠXuan": 37746, + "496": 37747, + "Ġlayered": 37748, + "atis": 37749, + "790": 37750, + "Ġpaycheck": 37751, + "iton": 37752, + "Kar": 37753, + "ĠVMware": 37754, + "ĠFarmer": 37755, + "Ġservic": 37756, + "glomer": 37757, + "Ġslump": 37758, + "ĠFabric": 37759, + "ĠDOC": 37760, + "esting": 37761, + "Ġreassure": 37762, + "Ġphyl": 37763, + "volt": 37764, + "itory": 37765, + "Rules": 37766, + "Ġoxidation": 37767, + "Ġprized": 37768, + "Ġmistress": 37769, + "ĠDjango": 37770, + "WARN": 37771, + "åij": 37772, + "Ġencode": 37773, + "ĠFeedback": 37774, + "Ġstupidity": 37775, + "Ian": 37776, + "ĠYugoslavia": 37777, + "ר": 37778, + "acl": 37779, + "UTE": 37780, + "1977": 37781, + "Ġqualifies": 37782, + "Ġpulses": 37783, + "pretty": 37784, + "Ġfroze": 37785, + "Ġss": 37786, + "Iterator": 37787, + "Ġurgently": 37788, + "Ġmailed": 37789, + "ĠCham": 37790, + "Ġsustaining": 37791, + "Ġbasil": 37792, + "Ġpuppies": 37793, + "ilant": 37794, + "ĠPLEASE": 37795, + "lap": 37796, + "aceous": 37797, + "Fear": 37798, + "ĠMastery": 37799, + "automatic": 37800, + "ĠTAG": 37801, + "Ġantim": 37802, + "agles": 37803, + "473": 37804, + "frames": 37805, + "Ġwhispers": 37806, + "ĠWhoever": 37807, + "Ġbravery": 37808, + "ĠUKIP": 37809, + "ractions": 37810, + "\"\"\"": 37811, + "Ġtame": 37812, + "Ġparted": 37813, + "everything": 37814, + "CONT": 37815, + "Ġindebted": 37816, + "Ġaddr": 37817, + "rek": 37818, + "IRED": 37819, + "Ġeminent": 37820, + "clinton": 37821, + "Ġousted": 37822, + "Ġreviewer": 37823, + "Ġmeltdown": 37824, + "Ġrearr": 37825, + "ĠYao": 37826, + "thereal": 37827, + "abyte": 37828, + "Ġstumbling": 37829, + "Ġbatches": 37830, + "Ġ259": 37831, + "Ġcontraceptive": 37832, + "Ġprostitute": 37833, + "ensis": 37834, + "Decl": 37835, + "ĠStrikes": 37836, + "Military": 37837, + "ĠOath": 37838, + "vacc": 37839, + "ppings": 37840, + "052": 37841, + "ĠpartName": 37842, + "amping": 37843, + "Reports": 37844, + "KI": 37845, + "CHR": 37846, + "Ġsubtly": 37847, + "swers": 37848, + "Blake": 37849, + "usual": 37850, + "Ġcontestants": 37851, + "Ġcartridges": 37852, + "ĠGREAT": 37853, + "Ġblush": 37854, + "ĠâĢº": 37855, + "472": 37856, + "Ġreasoned": 37857, + "ãĥ¤": 37858, + "paralleled": 37859, + "Ġdyn": 37860, + "agate": 37861, + "Ġnightly": 37862, + "åĨ": 37863, + "556": 37864, + "Ġsemantic": 37865, + "ĠAdvoc": 37866, + "Ġ!!": 37867, + "Ġdisagrees": 37868, + "ĠBW": 37869, + "Veh": 37870, + "Ġharming": 37871, + "Ġembraces": 37872, + "Ġstrives": 37873, + "Ġinland": 37874, + "ĠKard": 37875, + "Ġheats": 37876, + "ĠGinny": 37877, + "utan": 37878, + "ernaut": 37879, + "ylene": 37880, + "ĠElev": 37881, + "JD": 37882, + "Ġhars": 37883, + "ĠStarr": 37884, + "Ġskysc": 37885, + "Ġcollaborators": 37886, + "Usually": 37887, + "Ġrevolutions": 37888, + "ĠSTATS": 37889, + "Ġdismantle": 37890, + "Ġconfidently": 37891, + "Ġkinetic": 37892, + "Ali": 37893, + "Ġpercentile": 37894, + "Ġextracting": 37895, + "illian": 37896, + "estead": 37897, + "Ġphysicists": 37898, + "ĠMarshal": 37899, + "Ġfellowship": 37900, + "Ġdashed": 37901, + "ĠUR": 37902, + "ĠSioux": 37903, + "ĠCompact": 37904, + "amide": 37905, + "Python": 37906, + "ĠLeigh": 37907, + "ĠPharmac": 37908, + "istrates": 37909, + "herical": 37910, + "Ġfue": 37911, + "ĠEmin": 37912, + "Ġ({": 37913, + "ĠNeighborhood": 37914, + "Ġdisrupting": 37915, + "ĠDup": 37916, + "Ġgland": 37917, + "ĠSev": 37918, + "ĠMarian": 37919, + "argon": 37920, + "ĠDund": 37921, + "Ġ": 46904, + "ĠPhilips": 46905, + "ĠKafka": 46906, + "Ġupheaval": 46907, + "Ġsentimental": 46908, + "Ġsax": 46909, + "ĠAkira": 46910, + "serial": 46911, + "Matrix": 46912, + "Ġelecting": 46913, + "Ġcommenter": 46914, + "ĠNebula": 46915, + "plets": 46916, + "ĠNadu": 46917, + "ĠAdren": 46918, + "Ġenshr": 46919, + "ĠRAND": 46920, + "financial": 46921, + "ĠClyde": 46922, + "utherford": 46923, + "Ġsignage": 46924, + "Ġdeline": 46925, + "Ġphosphate": 46926, + "roversial": 46927, + "fascist": 46928, + "ĠVall": 46929, + "ĠBethlehem": 46930, + "Ġfors": 46931, + "Ġenglish": 46932, + "Solid": 46933, + "Nature": 46934, + "Ġva": 46935, + "ĠGuests": 46936, + "Ġtantal": 46937, + "Ġautoimmune": 46938, + ";;;;;;;;;;;;": 46939, + "ĠTotally": 46940, + "ĠOv": 46941, + "Ġdefences": 46942, + "ĠCoconut": 46943, + "Ġtranquil": 46944, + "Ġploy": 46945, + "Ġflavours": 46946, + "ĠFlask": 46947, + "ãĤ¨ãĥ«": 46948, + "ĠWeston": 46949, + "ĠVolvo": 46950, + "870": 46951, + "Ġmicrophones": 46952, + "verbal": 46953, + "RPG": 46954, + "Ġiii": 46955, + ";}": 46956, + "028": 46957, + "Ġheadlined": 46958, + "Ġprimed": 46959, + "Ġhoard": 46960, + "ĠShad": 46961, + "ĠENTER": 46962, + "Ġtriangular": 46963, + "Ġcapit": 46964, + "lik": 46965, + "ĠAncients": 46966, + "Ġlash": 46967, + "Ġconvol": 46968, + "Ġcolonel": 46969, + "enemy": 46970, + "Gra": 46971, + "Ġpubs": 46972, + "utters": 46973, + "Ġassigns": 46974, + "ĠPenet": 46975, + "ĠMonstrous": 46976, + "ĠBowen": 46977, + "ilver": 46978, + "Haunted": 46979, + "ĠDing": 46980, + "started": 46981, + "plin": 46982, + "Ġcontaminants": 46983, + "ĠDOE": 46984, + "ffen": 46985, + "ĠTechnician": 46986, + "Ry": 46987, + "Ġrobbers": 46988, + "Ġhotline": 46989, + "ĠGuardiola": 46990, + "ĠKaufman": 46991, + "rower": 46992, + "ĠDresden": 46993, + "ĠAlpine": 46994, + "Elf": 46995, + "Ġfmt": 46996, + "ĠSard": 46997, + "urses": 46998, + "gpu": 46999, + "Unix": 47000, + "Ġunequivocally": 47001, + "ĠCitizenship": 47002, + "quad": 47003, + "mire": 47004, + "ĠSweeney": 47005, + "Battery": 47006, + "615": 47007, + "Ġpancakes": 47008, + "Ġoats": 47009, + "Maps": 47010, + "ĠContrast": 47011, + "mbudsman": 47012, + "ĠEPS": 47013, + "Ġsubcommittee": 47014, + "Ġsourcing": 47015, + "Ġsizing": 47016, + "ĠBuffer": 47017, + "ĠMandatory": 47018, + "Ġmoderates": 47019, + "ĠPatterns": 47020, + "ĠChocobo": 47021, + "ĠZan": 47022, + "ĠSTATES": 47023, + "ĠJudging": 47024, + "ĠInher": 47025, + "*:": 47026, + "Ġbil": 47027, + "ĠYen": 47028, + "Ġexhilar": 47029, + "ollower": 47030, + "zers": 47031, + "Ġsnug": 47032, + "maximum": 47033, + "Ġdespicable": 47034, + "ĠPACK": 47035, + "ĠAnnex": 47036, + "Ġsarcastic": 47037, + "Ġlatex": 47038, + "Ġtamp": 47039, + "ĠSao": 47040, + "bah": 47041, + "ĠReverend": 47042, + "ĠChinatown": 47043, + "ĠAUT": 47044, + "documented": 47045, + "ĠGABA": 47046, + "ĠCanaan": 47047, + "ĠÙħ": 47048, + "Ġgoverns": 47049, + "prev": 47050, + "Esc": 47051, + "ĠEstimates": 47052, + "OSP": 47053, + "Ġendeavour": 47054, + "ĠClosing": 47055, + "ometime": 47056, + "everyone": 47057, + "Ġworsen": 47058, + "Ġscanners": 47059, + "Ġdeviations": 47060, + "ĠRobotics": 47061, + "ĠCompton": 47062, + "Ġsorcerer": 47063, + "Ġendogenous": 47064, + "Ġemulation": 47065, + "ĠPiercing": 47066, + "ĠAph": 47067, + "ĠSocket": 47068, + "Ġbould": 47069, + "ĠOU": 47070, + "ĠBorderlands": 47071, + "Ġ1863": 47072, + "Gordon": 47073, + "ĠWTO": 47074, + "Ġrestricts": 47075, + "Ġmosaic": 47076, + "Ġmelodies": 47077, + "çĦ": 47078, + "Tar": 47079, + "Ġdisson": 47080, + "ĠProvides": 47081, + "Ġ......": 47082, + "bek": 47083, + "FIX": 47084, + "Ġbroom": 47085, + "anship": 47086, + "Doctors": 47087, + "Ġnerds": 47088, + "ĠRegions": 47089, + "naissance": 47090, + "Ġmete": 47091, + "Ġcrept": 47092, + "plings": 47093, + "Ġgirlfriends": 47094, + "knit": 47095, + "igent": 47096, + "owe": 47097, + "Ġushered": 47098, + "ĠBaz": 47099, + "Mobil": 47100, + "434": 47101, + "ĠPresents": 47102, + "origin": 47103, + "Ġinsomnia": 47104, + "ĠAux": 47105, + "439": 47106, + "ĠChili": 47107, + "irsch": 47108, + "GAME": 47109, + "Ġgestation": 47110, + "algia": 47111, + "romising": 47112, + "$,": 47113, + "crow": 47114, + "ĠInspection": 47115, + "atomic": 47116, + "Relations": 47117, + "JOHN": 47118, + "roman": 47119, + "ĠClockwork": 47120, + "ĠBakr": 47121, + "mone": 47122, + "MET": 47123, + "Ġthirsty": 47124, + "Ġbc": 47125, + "Ġfaculties": 47126, + "Rum": 47127, + "Ġnuance": 47128, + "ĠDarius": 47129, + "pleting": 47130, + "fters": 47131, + "etchup": 47132, + "Registration": 47133, + "ĠKE": 47134, + "Rah": 47135, + "Ġpreferential": 47136, + "ĠLash": 47137, + "ĠHH": 47138, + "Valid": 47139, + "ĠNAV": 47140, + "Ġstarve": 47141, + "ĠGong": 47142, + "zynski": 47143, + "ĠActress": 47144, + "Ġwik": 47145, + "Ġunaccompanied": 47146, + "lvl": 47147, + "Bride": 47148, + "ADS": 47149, + "ĠCommando": 47150, + "ĠVaughn": 47151, + "Wallet": 47152, + "Ġhopping": 47153, + "ĠVie": 47154, + "Ġcaveats": 47155, + "Ġalas": 47156, + "ifled": 47157, + "abuse": 47158, + "661": 47159, + "Ġibn": 47160, + "Ġgul": 47161, + "Ġrobbing": 47162, + "til": 47163, + "ILA": 47164, + "Ġmitigating": 47165, + "Ġaptly": 47166, + "Ġtyrant": 47167, + "Ġmidday": 47168, + "ĠGilmore": 47169, + "ĠDecker": 47170, + "Ġ§§": 47171, + "partial": 47172, + "Exactly": 47173, + "Ġphenotype": 47174, + "Ġ[+]": 47175, + "ĠPlex": 47176, + "ĠIps": 47177, + "versions": 47178, + "Ġebook": 47179, + "Ġchic": 47180, + "gross": 47181, + "\":\"\"},{\"": 47182, + "ĠSurprisingly": 47183, + "Morgan": 47184, + "Ġresidues": 47185, + "ĠConfederation": 47186, + "infeld": 47187, + "Ġlyr": 47188, + "moderate": 47189, + "Ġperpendicular": 47190, + "VK": 47191, + "Ġsynchronized": 47192, + "Ġrefreshed": 47193, + "Ġadore": 47194, + "ĠTorment": 47195, + "olina": 47196, + "Ġ2600": 47197, + "ItemTracker": 47198, + "Ġpies": 47199, + "ĠFAT": 47200, + "ĠRHP": 47201, + "048": 47202, + "ĠRESP": 47203, + "ĠBJ": 47204, + "allows": 47205, + "Pand": 47206, + "Ġunwelcome": 47207, + "ĠVoc": 47208, + "ĠBastard": 47209, + "ĠOW": 47210, + "ĠLAR": 47211, + "ĠHealer": 47212, + "Environmental": 47213, + "ĠKenyan": 47214, + "ĠTrance": 47215, + "ĠPats": 47216, + "Ġaliases": 47217, + "ĠGarfield": 47218, + "Ġcampaigner": 47219, + "Ġadvancements": 47220, + "ĠOkinawa": 47221, + "ĠCoh": 47222, + "owsky": 47223, + "Ġstarved": 47224, + "Ġsizeable": 47225, + "Ġ:-)": 47226, + "ĠmRNA": 47227, + "Ġsuspensions": 47228, + "istar": 47229, + "Scotland": 47230, + "Prin": 47231, + "------------------------------------------------": 47232, + "Ġ502": 47233, + "Ġteaspoons": 47234, + "Ġ1050": 47235, + "Ġcoercive": 47236, + "ĠMasonic": 47237, + "edded": 47238, + "ĠPassenger": 47239, + "Ġlatt": 47240, + "Ġbraces": 47241, + "ĠSteal": 47242, + "ĠNYT": 47243, + "ĠKats": 47244, + "ĠCelest": 47245, + "aez": 47246, + "Tu": 47247, + "ĠCoulter": 47248, + "ðŁĺ": 47249, + "Flickr": 47250, + "ĠWilmington": 47251, + "iths": 47252, + "++;": 47253, + "Ġvending": 47254, + "Ġnegro": 47255, + "ĠPhi": 47256, + "ĠYellowstone": 47257, + "Callback": 47258, + "Ġshampoo": 47259, + "ĠShades": 47260, + "wat": 47261, + "Ġsuperhuman": 47262, + "Ġridiculed": 47263, + "Ġholiest": 47264, + "ombo": 47265, + "Ġinterns": 47266, + "Ġhone": 47267, + "ĠParagu": 47268, + "URI": 47269, + "Ġdangling": 47270, + "ãĤ»": 47271, + "sov": 47272, + "ictional": 47273, + "availability": 47274, + "Ġrevocation": 47275, + "Ġdow": 47276, + "inic": 47277, + "ĠTHEIR": 47278, + "Ġiso": 47279, + "Ġoutings": 47280, + "ĠLethal": 47281, + "Ġ)))": 47282, + "Ġinaccur": 47283, + "Ġoutlandish": 47284, + "Ġanus": 47285, + "letico": 47286, + "idon": 47287, + "lol": 47288, + "Ġunregulated": 47289, + "Ġsuccumbed": 47290, + "Ġcuff": 47291, + "ĠWasteland": 47292, + "letal": 47293, + "Ġsubstr": 47294, + "Ġcoffers": 47295, + "Ġautomakers": 47296, + "ovi": 47297, + "ĠXue": 47298, + "ĠDaytona": 47299, + "Ġjarring": 47300, + "Ġfumes": 47301, + "Ġdisbanded": 47302, + "zik": 47303, + "itton": 47304, + "Ġstrikingly": 47305, + "Ġspores": 47306, + "Adapter": 47307, + ".):": 47308, + "ĠLyndon": 47309, + "ivalry": 47310, + "Ġorally": 47311, + "Ġtumultuous": 47312, + "Ġdispleasure": 47313, + "Ġcones": 47314, + "orrect": 47315, + "Ġappease": 47316, + "Ġderby": 47317, + "ĠTripoli": 47318, + "ĠAless": 47319, + "Ġpoked": 47320, + "ĠGuilty": 47321, + "vP": 47322, + "Enough": 47323, + "Ġoriginals": 47324, + "699": 47325, + "Ġrabbi": 47326, + "Ġproverbial": 47327, + "Ġpostpone": 47328, + "elope": 47329, + "ĠMisty": 47330, + "Ġstaffed": 47331, + "ĠUnemployment": 47332, + "reditary": 47333, + "Ġdiligent": 47334, + "recomm": 47335, + "measures": 47336, + "asin": 47337, + "825": 47338, + "Ġponds": 47339, + "Ġmmol": 47340, + "ĠSAR": 47341, + "ĠCARE": 47342, + "Ġ371": 47343, + "Ġclenched": 47344, + "ĠCorsair": 47345, + "Ġcaricature": 47346, + "zn": 47347, + "attach": 47348, + "ĠSchro": 47349, + "speak": 47350, + "painted": 47351, + "ĠSuc": 47352, + "ĠENT": 47353, + "Ġcellul": 47354, + "ĠPaid": 47355, + "diagn": 47356, + "WHERE": 47357, + "Ġtexted": 47358, + "Barn": 47359, + "Ġretracted": 47360, + "ĠReferred": 47361, + "Sav": 47362, + "Ġupkeep": 47363, + "Ġworkplaces": 47364, + "ĠTokens": 47365, + "Ġamplify": 47366, + "clinical": 47367, + "Ġmultic": 47368, + "mberg": 47369, + "Ġconvoluted": 47370, + "Region": 47371, + "565": 47372, + "ĠTopic": 47373, + "Ġsnail": 47374, + "Ġsaline": 47375, + "Ġinsurrection": 47376, + "ĠPetr": 47377, + "forts": 47378, + "BAT": 47379, + "ĠNavajo": 47380, + "Ġrudimentary": 47381, + "ĠLaksh": 47382, + "ONDON": 47383, + "Measure": 47384, + "Ġtransformer": 47385, + "ĠGoddard": 47386, + "Ġcoincides": 47387, + "irin": 47388, + "Rex": 47389, + "ĠBok": 47390, + "quit": 47391, + "Ġshotguns": 47392, + "Ġproletarian": 47393, + "Ġscorp": 47394, + "ĠAda": 47395, + "514": 47396, + "Ġslander": 47397, + "recorded": 47398, + "Ġembell": 47399, + "risome": 47400, + "Ġapologizing": 47401, + "ĠMulcair": 47402, + "ĠGibraltar": 47403, + "Cla": 47404, + "Ġallot": 47405, + "ĠAttention": 47406, + "Ġ433": 47407, + "leave": 47408, + "Ġwhine": 47409, + "ĠIssa": 47410, + "ĠFaust": 47411, + "ĠBarron": 47412, + "heny": 47413, + "Ġvictimized": 47414, + "Jews": 47415, + "Ġnurturing": 47416, + "ettel": 47417, + "Winged": 47418, + "ĠSubtle": 47419, + "Ġflavorful": 47420, + "ĠReps": 47421, + "enged": 47422, + "callback": 47423, + "Ġdirectional": 47424, + "Ġclasp": 47425, + "ĠDirections": 47426, + "planet": 47427, + "iculture": 47428, + "Helper": 47429, + "icion": 47430, + "acia": 47431, + "Ġç¥ŀ": 47432, + "Ġsurges": 47433, + "Ġcanoe": 47434, + "ĠPremiership": 47435, + "been": 47436, + "Ġdefied": 47437, + "ĠTrooper": 47438, + "Ġtripod": 47439, + "Ġgasp": 47440, + "ĠEuph": 47441, + "ĠAds": 47442, + "vernight": 47443, + "highly": 47444, + "Role": 47445, + "Ġentangled": 47446, + "ĠZeit": 47447, + "618": 47448, + "ĠRusty": 47449, + "Ġhavens": 47450, + "ĠVaughan": 47451, + "HAEL": 47452, + "ĠSERVICE": 47453, + "/,": 47454, + "Ġstricken": 47455, + "Ġdelusions": 47456, + "Ġbis": 47457, + "ĠHaf": 47458, + "Ġgratification": 47459, + "Ġenticing": 47460, + "UNCH": 47461, + "Adams": 47462, + "ĠOLED": 47463, + "ĠBeetle": 47464, + "Ġ1899": 47465, + "ĠSOFTWARE": 47466, + "ategor": 47467, + "VL": 47468, + "ĠTotem": 47469, + "ĠGators": 47470, + "ATURES": 47471, + "Ġimpedance": 47472, + "Registered": 47473, + "ĠCary": 47474, + "ĠAerial": 47475, + "onne": 47476, + "enium": 47477, + "Ġdred": 47478, + "ĠBeg": 47479, + "Ġconcurrently": 47480, + "Ġsuperpower": 47481, + "ĠXan": 47482, + "jew": 47483, + "imester": 47484, + "ĠDickinson": 47485, + "âĶģ": 47486, + "Fla": 47487, + "Ġpree": 47488, + "ĠRollins": 47489, + "©¶æ": 47490, + "Ġdenomination": 47491, + "ĠLana": 47492, + "516": 47493, + "Ġinciting": 47494, + "scribed": 47495, + "juries": 47496, + "ĠWonders": 47497, + "approximately": 47498, + "Ġsuspending": 47499, + "Ġmountainous": 47500, + "ĠLaugh": 47501, + "oidal": 47502, + "Ns": 47503, + "Detect": 47504, + ")=": 47505, + "ĠLuthor": 47506, + "ĠSchwarzenegger": 47507, + "ĠMuller": 47508, + "ĠDevi": 47509, + "ecycle": 47510, + "Jar": 47511, + "613": 47512, + "ĠLongh": 47513, + "Bah": 47514, + "ĠSPORTS": 47515, + "nw": 47516, + "Ġrefinement": 47517, + "Ġwaterways": 47518, + "Ġdiner": 47519, + "Blade": 47520, + "683": 47521, + "Fac": 47522, + "Ġinitials": 47523, + "Ġrog": 47524, + "Ġparanormal": 47525, + "BUT": 47526, + "Ġ[(": 47527, + "ĠSwanson": 47528, + "ĠMesh": 47529, + "âĸ¬": 47530, + "Improve": 47531, + "ĠRadiation": 47532, + "ĠEsther": 47533, + "ĠEsk": 47534, + "ĠAly": 47535, + "iky": 47536, + "Ġirrad": 47537, + "ĠBuckingham": 47538, + "Ġrefill": 47539, + "Ġ._": 47540, + "Repe": 47541, + "CONCLUS": 47542, + "Ġdifferentiated": 47543, + "Ġchirop": 47544, + "ĠAtkins": 47545, + "Pattern": 47546, + "Ġexcise": 47547, + "Ġcabal": 47548, + "NSA": 47549, + "ĠSTA": 47550, + "ĠSIL": 47551, + "ĠParaly": 47552, + "Ġrye": 47553, + "ĠHowell": 47554, + "ĠCountdown": 47555, + "nesses": 47556, + "alysed": 47557, + "Ġresize": 47558, + "ãĤ½": 47559, + "Ġbudgetary": 47560, + "ĠStras": 47561, + "wang": 47562, + "Ġapiece": 47563, + "Ġprecincts": 47564, + "Ġpeach": 47565, + "Ġskyline": 47566, + "Ġ353": 47567, + "popular": 47568, + "Appearances": 47569, + "ĠMechanics": 47570, + "ĠDevOnline": 47571, + "Sullivan": 47572, + "Zen": 47573, + "Ġpu": 47574, + "opolis": 47575, + "544": 47576, + "Ġdeform": 47577, + "Ġcounteract": 47578, + "ĠLange": 47579, + "Ġ417": 47580, + "Console": 47581, + "774": 47582, + "Ġnodding": 47583, + "Ġpopulism": 47584, + "Ġhep": 47585, + "Ġcounselling": 47586, + "compliance": 47587, + "UFF": 47588, + "Ġundeniably": 47589, + "Ġrailing": 47590, + "ĠHorowitz": 47591, + "ĠSimone": 47592, + "ĠBungie": 47593, + "Ġak": 47594, + "ĠTalks": 47595, + "xff": 47596, + "flake": 47597, + "Crash": 47598, + "Ġsweaty": 47599, + "Ġbanquet": 47600, + "ĠOFFIC": 47601, + "Ġinventive": 47602, + "Ġastronomer": 47603, + "ĠStamford": 47604, + "ĠScare": 47605, + "ĠGREEN": 47606, + "olicited": 47607, + "Ġrusher": 47608, + "Ġcentrist": 47609, + "ighting": 47610, + "Ġsubclass": 47611, + "Ġdisav": 47612, + "Ġdefund": 47613, + "ĠNanto": 47614, + "ociate": 47615, + "mast": 47616, + "Ġpacif": 47617, + "Ġmend": 47618, + "eers": 47619, + "immigration": 47620, + "ESSION": 47621, + "Ġnumbering": 47622, + "Ġlaughable": 47623, + "ĠEnded": 47624, + "viation": 47625, + "emark": 47626, + "Pitt": 47627, + "Ġmeticulous": 47628, + "ĠLF": 47629, + "Ġcongratulated": 47630, + "ĠBirch": 47631, + "Ġswayed": 47632, + "Ġsemifinals": 47633, + "Ġhumankind": 47634, + "matter": 47635, + "ĠEquip": 47636, + "opausal": 47637, + "Said": 47638, + "ĠLayout": 47639, + "Ġvoicing": 47640, + "Ġthug": 47641, + "Ġpornographic": 47642, + "IPS": 47643, + "Ġmoaning": 47644, + "Ġgrievance": 47645, + "Ġconfessions": 47646, + "escal": 47647, + "TEXTURE": 47648, + "Authent": 47649, + "osaurus": 47650, + "Purchase": 47651, + "Ġrelegation": 47652, + "alter": 47653, + "Ġ³³": 47654, + "Ġriddled": 47655, + "Ġogre": 47656, + "ĠLowell": 47657, + "Occup": 47658, + "Eat": 47659, + "ĠHyder": 47660, + "ĠAdviser": 47661, + "Commerce": 47662, + "Hunt": 47663, + "ĠOrth": 47664, + "ĠCompetitive": 47665, + "ĠCLA": 47666, + "CDC": 47667, + "Ġsalads": 47668, + "Fle": 47669, + "Ġindustrialized": 47670, + "`,": 47671, + "ĠOWN": 47672, + "Ġbeck": 47673, + "ĠParticularly": 47674, + "oubt": 47675, + "ĠmM": 47676, + "ĠHussain": 47677, + "ĠChennai": 47678, + "Ġ920": 47679, + "Ġappointing": 47680, + "ĠCullen": 47681, + ",,,,,,,,": 47682, + "Ġpores": 47683, + "verified": 47684, + "Ġbiochemical": 47685, + "emate": 47686, + "Ġcowardly": 47687, + "ĠHelsinki": 47688, + "ĠEthiopian": 47689, + "SOURCE": 47690, + "ERC": 47691, + "estro": 47692, + "Ġbiotech": 47693, + "ĠSour": 47694, + "Ġbrewer": 47695, + "Bloomberg": 47696, + "Ġintensify": 47697, + "Glass": 47698, + "anco": 47699, + "ĠFDR": 47700, + "greSQL": 47701, + "ĠFires": 47702, + "©¶æ¥µ": 47703, + "eco": 47704, + "1001": 47705, + "ĠHomeless": 47706, + "Ġinstantaneous": 47707, + "ĠHaste": 47708, + "igel": 47709, + "Diamond": 47710, + "Ġpaving": 47711, + "Ġlandfill": 47712, + "Ġdads": 47713, + "houn": 47714, + ":]": 47715, + "Ġincendiary": 47716, + "ĠLivingston": 47717, + "ĠHilbert": 47718, + "ĠChecks": 47719, + "styles": 47720, + "inators": 47721, + "ĠClive": 47722, + "phrine": 47723, + "Ġchimpanzees": 47724, + "Ġpall": 47725, + "ĠJM": 47726, + "ĠAadhaar": 47727, + "ðĿ": 47728, + "Ġachievable": 47729, + "disabled": 47730, + "PET": 47731, + "OOOOOOOO": 47732, + "Mot": 47733, + "Ġintangible": 47734, + "Ġballet": 47735, + "ĠWebs": 47736, + "ĠEstimated": 47737, + "Effects": 47738, + "Ġbailed": 47739, + "Joshua": 47740, + "Ġturbulence": 47741, + "Ġoccupant": 47742, + "ĠDaylight": 47743, + "Ġ361": 47744, + "meet": 47745, + "Ġstatically": 47746, + "Ġonlook": 47747, + "Ġki": 47748, + "illegal": 47749, + "Ġvelvet": 47750, + "Ġdehydration": 47751, + "Ġacquies": 47752, + "ĠRez": 47753, + "akura": 47754, + "ĠUpton": 47755, + "atro": 47756, + "Ġincomprehensible": 47757, + "Ġbackdoor": 47758, + "ĠRhino": 47759, + "727": 47760, + "Ġmaths": 47761, + ")+": 47762, + "Ġheresy": 47763, + "Ġdf": 47764, + "ĠRoche": 47765, + "ĠLydia": 47766, + "Ġpancreat": 47767, + "reply": 47768, + "arrell": 47769, + "Ġsolicitation": 47770, + "Ġcircadian": 47771, + "BIP": 47772, + "Ġforay": 47773, + "Ġcryptic": 47774, + "izu": 47775, + "imeo": 47776, + "ĠTomato": 47777, + "ĠHoms": 47778, + "examination": 47779, + "Ġquarry": 47780, + "ĠValiant": 47781, + "ĠJericho": 47782, + "ĠINCLUD": 47783, + "Ġ1840": 47784, + "519": 47785, + "Ġresists": 47786, + "Ġsnapshots": 47787, + "ĠSpur": 47788, + "ĠAntiqu": 47789, + "Login": 47790, + "Ġbestselling": 47791, + "Ġantic": 47792, + "ĠSutherland": 47793, + "ãĤ¢ãĥ«": 47794, + "Ġ~/": 47795, + "ĠParm": 47796, + "èĥ": 47797, + "Pages": 47798, + "intensity": 47799, + "Ġimmobil": 47800, + "Ġ1865": 47801, + "zzo": 47802, + "Ġnifty": 47803, + "Ġfentanyl": 47804, + "ĠPreservation": 47805, + "ophen": 47806, + "Ġdarts": 47807, + "ĠDinosaur": 47808, + "pointers": 47809, + "ĠRite": 47810, + "suggest": 47811, + "awareness": 47812, + "ĠSheridan": 47813, + "Ġstances": 47814, + "Ġsorcery": 47815, + "Ġperjury": 47816, + "ĠNikola": 47817, + "iever": 47818, + "Ġfiance": 47819, + "ĠJordanian": 47820, + "ĠBalloon": 47821, + "Ġnab": 47822, + "Ġkb": 47823, + "Ġhumanities": 47824, + "ĠTanaka": 47825, + "hillary": 47826, + "Ġconsultancy": 47827, + "ĠZub": 47828, + "Ġremission": 47829, + "Ġconfid": 47830, + "CHQ": 47831, + "ĠFug": 47832, + "Ġimprovis": 47833, + "Yep": 47834, + "/_": 47835, + "Ġunwillingness": 47836, + "Ġportfolios": 47837, + "055": 47838, + "ĠInstructor": 47839, + "aiman": 47840, + "Ġclaimants": 47841, + "Mbps": 47842, + "ĠBye": 47843, + "received": 47844, + "Tweet": 47845, + "Ġindemn": 47846, + "riz": 47847, + "amara": 47848, + "Nat": 47849, + "Ġevaluates": 47850, + "ĠLur": 47851, + "epad": 47852, + "FOX": 47853, + "ĠThro": 47854, + "Ġrusty": 47855, + "Ġbedrock": 47856, + "ĠOprah": 47857, + "JB": 47858, + "Ġmanipulative": 47859, + "Ġwillful": 47860, + "Ġrelapse": 47861, + "Ġextant": 47862, + "Theme": 47863, + "Sensor": 47864, + "ĠStability": 47865, + "govern": 47866, + "Ġpoppy": 47867, + "Ġknack": 47868, + "Ġinsulated": 47869, + "ĠTile": 47870, + "ĠExtrem": 47871, + "Ġuntold": 47872, + "Ġconverge": 47873, + "Ġrefuel": 47874, + "igroup": 47875, + "Ġdistortions": 47876, + "Ġravaged": 47877, + "Ġmechanically": 47878, + "ĠReilly": 47879, + "ĠNose": 47880, + "ĠIncarnation": 47881, + "ĠBecky": 47882, + "abbling": 47883, + "Ġtaco": 47884, + "Ġrake": 47885, + "Ġmelancholy": 47886, + "Ġillustrious": 47887, + "ĠDartmouth": 47888, + "Guide": 47889, + "ĠRazer": 47890, + "ĠBenz": 47891, + "Ultimate": 47892, + "ĠSurprise": 47893, + "Ġpageant": 47894, + "offer": 47895, + "Whoever": 47896, + "Ġwiser": 47897, + "Ġchemist": 47898, + "ĠHELL": 47899, + "ĠBulk": 47900, + "Ġplutonium": 47901, + "ĠCOVER": 47902, + "Ö¼": 47903, + "failed": 47904, + "Ġtirelessly": 47905, + "Ġinfertility": 47906, + "ĠTrident": 47907, + "ĠShowtime": 47908, + "ĠCiv": 47909, + "Vice": 47910, + "requires": 47911, + "ittance": 47912, + "Ġuncontrolled": 47913, + "interesting": 47914, + "561": 47915, + "Ġinnovate": 47916, + "ategic": 47917, + "Lie": 47918, + "ĠSelling": 47919, + "Ul": 47920, + "Ġsavior": 47921, + "ĠTosh": 47922, + "Ġswast": 47923, + "PASS": 47924, + "Ġrink": 47925, + "Ġcardio": 47926, + "ĠIro": 47927, + "udi": 47928, + "Ġvantage": 47929, + "Ġvans": 47930, + "ĠNiño": 47931, + "+=": 47932, + "Ġpropagate": 47933, + "": 49029, + "Ġleukemia": 49030, + "Ġeluc": 49031, + "Ġannouncer": 49032, + "ĠLithuan": 49033, + "ĠArmageddon": 49034, + "åĩ": 49035, + "Lenin": 49036, + "ĠRuk": 49037, + "Ġpepp": 49038, + "ĠRomantic": 49039, + "ĠPIT": 49040, + "ĠInterstellar": 49041, + "ĠAtkinson": 49042, + "Raid": 49043, + "Js": 49044, + "Goal": 49045, + "Course": 49046, + "Ġvanishing": 49047, + "esley": 49048, + "ĠRounds": 49049, + "Elsa": 49050, + "593": 49051, + "Ġredundancy": 49052, + "ĠSTAND": 49053, + "Ġprophetic": 49054, + "Ġhabitable": 49055, + "ryu": 49056, + "Ġfaintly": 49057, + "MODE": 49058, + "Ġflanked": 49059, + "IRC": 49060, + "Awesome": 49061, + "Ġspurious": 49062, + "ĠZah": 49063, + "ĠMSG": 49064, + "Ġshading": 49065, + "Ġmotivational": 49066, + "ĠSantana": 49067, + "ĠSPR": 49068, + "Ġexcruciating": 49069, + "omial": 49070, + "ĠMiko": 49071, + "ĠLeopard": 49072, + "Abyss": 49073, + "Ġ[|": 49074, + "dirty": 49075, + "Ġbaths": 49076, + "Ġdemoral": 49077, + "andre": 49078, + "PB": 49079, + "Ġunification": 49080, + "Ġsacrament": 49081, + "Ġ[&": 49082, + "Ġpriceless": 49083, + "Ġgelatin": 49084, + "Ġemanating": 49085, + "ĠAllaah": 49086, + "986": 49087, + "Ġoutburst": 49088, + "Ġeras": 49089, + "ĠXVI": 49090, + "ĠSPI": 49091, + "Ott": 49092, + "ĠLazarus": 49093, + "PLIED": 49094, + "Flying": 49095, + "blogs": 49096, + "Wisconsin": 49097, + "Raven": 49098, + "Ġrebate": 49099, + "Ġcreeps": 49100, + "ĠSpan": 49101, + "ĠPainter": 49102, + "ĠKira": 49103, + "ĠAmos": 49104, + "ĠCorvette": 49105, + "Consumer": 49106, + "ĠRecover": 49107, + "cki": 49108, + "Ġpesky": 49109, + "ĠInvention": 49110, + "Companies": 49111, + "Ġchallengers": 49112, + "ademic": 49113, + "ĠUkrainians": 49114, + "ĠNeurolog": 49115, + "ĠForsaken": 49116, + "Ġentrants": 49117, + "Ġembattled": 49118, + "Ġdefunct": 49119, + "ĠGlacier": 49120, + "Ġpoisons": 49121, + "ĠHorses": 49122, + "makes": 49123, + "ĠDirt": 49124, + "Ġ423": 49125, + "hhh": 49126, + "ĠTransformation": 49127, + "QUIRE": 49128, + "..................": 49129, + "Ġtraveller": 49130, + "ĠSexy": 49131, + "ĠKern": 49132, + "ipolar": 49133, + "Ġransomware": 49134, + "oooooooooooooooo": 49135, + "Ec": 49136, + "ruby": 49137, + "Professional": 49138, + "ĠOutbreak": 49139, + "argument": 49140, + "Grey": 49141, + "ĠFifa": 49142, + "ĠCHO": 49143, + "ĠFORM": 49144, + "ĠAmtrak": 49145, + "-[": 49146, + "Ġcradle": 49147, + "Ġantioxidants": 49148, + "ãģ®å®": 49149, + "736": 49150, + "ĠNASL": 49151, + "ĠContributions": 49152, + "Indiana": 49153, + "ĠSTEP": 49154, + "CSS": 49155, + "Ġsalient": 49156, + "Ġallocations": 49157, + "yrights": 49158, + "Ġmashed": 49159, + "ĠCutter": 49160, + "Sexual": 49161, + "Ġpounded": 49162, + "Ġfanbase": 49163, + "Ġcasc": 49164, + "ĠTransparency": 49165, + "Ġanalytic": 49166, + "ĠSummoner": 49167, + "×ŀ": 49168, + "ĠADC": 49169, + "detail": 49170, + "Ġvanquished": 49171, + "Ġcrabs": 49172, + "arie": 49173, + "Destroy": 49174, + "ĠSack": 49175, + "Ġtransistor": 49176, + "Alabama": 49177, + "ĠKoen": 49178, + "ĠFisheries": 49179, + "cone": 49180, + "Ġannexed": 49181, + "ĠMGM": 49182, + "esa": 49183, + "Ġfaked": 49184, + "ĠCongratulations": 49185, + "Ġhindered": 49186, + "Ġcorrectional": 49187, + "ĠITV": 49188, + "leeve": 49189, + "Ġinappropriately": 49190, + "licks": 49191, + "Ġtrespass": 49192, + "Ġpaws": 49193, + "Ġnegotiator": 49194, + "ĠChristensen": 49195, + "limits": 49196, + "ĠDianne": 49197, + "Ġelegance": 49198, + "ĠContracts": 49199, + "anke": 49200, + "Obj": 49201, + "Ġvigilance": 49202, + "Ġcastles": 49203, + "ĠNAD": 49204, + "ĠHolo": 49205, + "Ġemphatically": 49206, + "ĠTitus": 49207, + "ĠServing": 49208, + "ĠRichie": 49209, + "ĠPigs": 49210, + "568": 49211, + "Ġanimosity": 49212, + "ĠAttributes": 49213, + "ĠUriel": 49214, + "MQ": 49215, + "myra": 49216, + "ĠApplicant": 49217, + "Ġpsychiatrists": 49218, + "ĠVij": 49219, + "ĠAbby": 49220, + "agree": 49221, + "Push": 49222, + "ĠkWh": 49223, + "hiba": 49224, + "Ġincite": 49225, + "ĠWeasley": 49226, + "ĠTaxi": 49227, + "ministic": 49228, + "hyper": 49229, + "ĠFarn": 49230, + "Ġ601": 49231, + "ĠNationwide": 49232, + "Fake": 49233, + "952": 49234, + "Ġmaize": 49235, + "Ġinteracted": 49236, + "Ġtransitioned": 49237, + "Ġparasitic": 49238, + "Ġharmonic": 49239, + "Ġdecaying": 49240, + "Ġbaseless": 49241, + "nsics": 49242, + "Ġtranspired": 49243, + "Ġabundantly": 49244, + "ĠForensic": 49245, + "Ġtreadmill": 49246, + "ĠJav": 49247, + "aband": 49248, + "Ġsshd": 49249, + "Ġfrontman": 49250, + "ĠJakarta": 49251, + "oller": 49252, + "drops": 49253, + "ĠSERVICES": 49254, + "romptu": 49255, + "ophical": 49256, + "hospital": 49257, + "bledon": 49258, + "645": 49259, + "Ġmidrange": 49260, + "ĠEVENT": 49261, + "culated": 49262, + "rawled": 49263, + "Ġperched": 49264, + "Ġoverboard": 49265, + "ĠPeel": 49266, + "ĠPwr": 49267, + "ĠCarth": 49268, + "ĠCOMPLE": 49269, + "coe": 49270, + "shall": 49271, + "Ġdeterrence": 49272, + "METHOD": 49273, + "ĠAbsent": 49274, + "MEN": 49275, + "Ġsill": 49276, + "ĠLEVEL": 49277, + "York": 49278, + "Ġsinners": 49279, + "ĠOPEC": 49280, + "ĠNur": 49281, + "ĠDesigns": 49282, + "selection": 49283, + "Ġunworthy": 49284, + "CHA": 49285, + "Ġstrengthens": 49286, + "883": 49287, + "edly": 49288, + "Ġslicing": 49289, + "Ġmalnutrition": 49290, + "Ġfilmmaking": 49291, + "ĠPolk": 49292, + "urated": 49293, + "Ġ421": 49294, + "breakers": 49295, + "!'\"": 49296, + "Ġwetlands": 49297, + "ĠDiscrimination": 49298, + "Ġallowable": 49299, + "Ġsteered": 49300, + "ĠSicily": 49301, + "SAM": 49302, + "Ġmustache": 49303, + "Ġmids": 49304, + "Ġclipped": 49305, + "Ġcirculate": 49306, + "Ġbrittle": 49307, + "ĠBuildings": 49308, + "raised": 49309, + "ĠRoundup": 49310, + "Ġwealthier": 49311, + "Ġoverwrite": 49312, + "Ġoverpowered": 49313, + "ĠGerrard": 49314, + "sites": 49315, + "PDATED": 49316, + "Ġacutely": 49317, + "ĠGamble": 49318, + "Ġpim": 49319, + "ĠKus": 49320, + "Typically": 49321, + "Deploy": 49322, + "ĠMoroccan": 49323, + "potion": 49324, + "combe": 49325, + "Ġvigilante": 49326, + "Ġ363": 49327, + "Stew": 49328, + "ĠBagg": 49329, + "Ġresided": 49330, + "ĠSpo": 49331, + "Ġremnant": 49332, + "Ġemptiness": 49333, + "brainer": 49334, + "Ġoutpatient": 49335, + "priority": 49336, + "Ġleptin": 49337, + "ĠPayton": 49338, + "ĠGleaming": 49339, + "ĠShed": 49340, + "ĠPolo": 49341, + "ĠMormonism": 49342, + "restricted": 49343, + "arlane": 49344, + "wx": 49345, + "Ġcreatine": 49346, + "ĠAnon": 49347, + "ĠSTUD": 49348, + "ĠJUL": 49349, + "ĠTee": 49350, + "528": 49351, + "089": 49352, + "Ġhatched": 49353, + "Dispatch": 49354, + "ĠComposite": 49355, + "Ġ451": 49356, + "puff": 49357, + "ĠXCOM": 49358, + "ĠOrn": 49359, + "ĠTHANK": 49360, + "ENDED": 49361, + "ĠAsheville": 49362, + "ĠÃľ": 49363, + "Ġmango": 49364, + "ĠSlightly": 49365, + "worldly": 49366, + "ĠWander": 49367, + "ĠExpand": 49368, + "ĠChr": 49369, + "Mist": 49370, + "Ġorthodoxy": 49371, + "ĠUNESCO": 49372, + "regate": 49373, + "Elsewhere": 49374, + "kie": 49375, + "irled": 49376, + "Ġtopple": 49377, + "Ġadoptive": 49378, + "ĠLegs": 49379, + "dress": 49380, + "ĠSagan": 49381, + "bare": 49382, + "ĠGlou": 49383, + "Crunch": 49384, + "Ġhelpers": 49385, + "Ġchronically": 49386, + "ĠHuma": 49387, + "10000": 49388, + "Ġaccommodating": 49389, + "äºĶ": 49390, + "Ġwrinkles": 49391, + "Ġdodged": 49392, + "fourth": 49393, + "Ġprecon": 49394, + "Ġcompressor": 49395, + "ĠKare": 49396, + "Ġevict": 49397, + "ĠWarwick": 49398, + "imar": 49399, + "Ġmodernization": 49400, + "Ġbandwagon": 49401, + "Ġrefuted": 49402, + "Ġnetted": 49403, + "ĠNaples": 49404, + "ĠGenie": 49405, + "perors": 49406, + "Ġfielded": 49407, + "Ġdere": 49408, + "ĠParables": 49409, + "lees": 49410, + "Ġtrout": 49411, + "aspers": 49412, + "Ġnihil": 49413, + "Ġhappiest": 49414, + "Ġfloppy": 49415, + "ĠLoft": 49416, + "ĠHeard": 49417, + "Ġunison": 49418, + "Ġlug": 49419, + "ĠRedmond": 49420, + "classic": 49421, + "Supporters": 49422, + "SHIP": 49423, + "GMT": 49424, + "Ġfuelled": 49425, + "çIJ": 49426, + "Ġdd": 49427, + "ĠEminem": 49428, + "Ġ1897": 49429, + "NYSE": 49430, + "Ġsecretaries": 49431, + "ĠFIA": 49432, + "ĠCanaveral": 49433, + "Favorite": 49434, + "Ġpomp": 49435, + "Ġdetainee": 49436, + "ership": 49437, + "aimon": 49438, + "iour": 49439, + "ĠApex": 49440, + "Ġplantations": 49441, + "amia": 49442, + "acion": 49443, + "Rust": 49444, + "Ġtowed": 49445, + "ĠTruly": 49446, + "577": 49447, + "Ġsheltered": 49448, + "rider": 49449, + "Wo": 49450, + "Ġlair": 49451, + "ĠIntelligent": 49452, + "improve": 49453, + "matically": 49454, + "Ġetiquette": 49455, + "adra": 49456, + "allo": 49457, + "ĠJuno": 49458, + "anything": 49459, + "ĠStruggle": 49460, + "ĠPredict": 49461, + "ĠGrimes": 49462, + "ĠAMERICA": 49463, + "ctx": 49464, + "ĠSituation": 49465, + "WOOD": 49466, + "Ġsoluble": 49467, + "meier": 49468, + "Ġintolerable": 49469, + "angering": 49470, + "Ġuninterrupted": 49471, + "Ġtooltip": 49472, + "Ġinterrogated": 49473, + "Ġgunned": 49474, + "ĠSneak": 49475, + "æŃ¦": 49476, + "Ġtether": 49477, + "Ġcrumble": 49478, + "Lens": 49479, + "Ġclustered": 49480, + "ĠSyl": 49481, + "ĠHasan": 49482, + "Ġdystopian": 49483, + "wana": 49484, + "Ġjoystick": 49485, + "ĠThib": 49486, + "ammu": 49487, + "Tomorrow": 49488, + "546": 49489, + "Ġovercame": 49490, + "Ġminimized": 49491, + "ceptor": 49492, + "Runner": 49493, + "ENGTH": 49494, + "ĠBrenda": 49495, + "ĠAchievements": 49496, + "Ġtorches": 49497, + "Ġrapport": 49498, + "ĠInvestigator": 49499, + "ĠHandling": 49500, + "relation": 49501, + "grey": 49502, + "815": 49503, + "Ġkcal": 49504, + "ĠCommands": 49505, + "dq": 49506, + "Ġcurls": 49507, + "Ġbearer": 49508, + "Ġcynicism": 49509, + "itri": 49510, + "ĠUseful": 49511, + "Bee": 49512, + "DCS": 49513, + "Ġabras": 49514, + "Pract": 49515, + "BILITIES": 49516, + "712": 49517, + "Ġdebugger": 49518, + "Ġdebtor": 49519, + "ĠLia": 49520, + "ĠKers": 49521, + "Ġexacerbate": 49522, + "ĠStacy": 49523, + "ĠBland": 49524, + "ĠScenes": 49525, + "Ġbranching": 49526, + "âĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪ": 49527, + "apeake": 49528, + "Ġsalsa": 49529, + "Ġmishand": 49530, + "ĠKonami": 49531, + "ĠNib": 49532, + "Ġanecdote": 49533, + "Ġagreeable": 49534, + "Ïī": 49535, + "ĠNathaniel": 49536, + "ĠHeisman": 49537, + "ĠBeware": 49538, + "Ġ1886": 49539, + "spective": 49540, + "691": 49541, + "522": 49542, + "Ġinhibits": 49543, + "Ġhashing": 49544, + "Ġ1889": 49545, + "å°Ĩ": 49546, + "vich": 49547, + "Pure": 49548, + "Ġsolidly": 49549, + "Ġaspirin": 49550, + "imaru": 49551, + "Ġstreetcar": 49552, + "ĠUCS": 49553, + "ĠJudd": 49554, + "Ġflashbacks": 49555, + "pins": 49556, + "Ġ1440": 49557, + "ĠUNHCR": 49558, + "ĠSymptoms": 49559, + "TIT": 49560, + "538": 49561, + "Fra": 49562, + "%);": 49563, + "Ġooz": 49564, + "Ġcurfew": 49565, + "Ġcalmed": 49566, + "Ġparticipates": 49567, + "TeX": 49568, + "Ġnonsensical": 49569, + "Ġfullback": 49570, + "ĠDeL": 49571, + "monkey": 49572, + "hari": 49573, + "Ġmetabolites": 49574, + "Ġlooted": 49575, + "ĠALWAYS": 49576, + "ĠBCC": 49577, + "Lt": 49578, + "ochet": 49579, + "Bone": 49580, + "Ġvetoed": 49581, + "Ġgcc": 49582, + "ĠCLICK": 49583, + "Ġ1888": 49584, + "saf": 49585, + "Ġstiffness": 49586, + "Ġlowly": 49587, + "ĠGeh": 49588, + "verson": 49589, + "orset": 49590, + "Ġunforeseen": 49591, + "Ġanesthesia": 49592, + "ĠOptical": 49593, + "Ġreconstructed": 49594, + "ĠTup": 49595, + "shows": 49596, + "NEWS": 49597, + "ĠNewspaper": 49598, + "ĠASA": 49599, + "tera": 49600, + "Numbers": 49601, + "Ġinexplicable": 49602, + "×ij": 49603, + "Ġhardness": 49604, + "untarily": 49605, + "ĠAcer": 49606, + "gradient": 49607, + "ARDIS": 49608, + "Ġwoodland": 49609, + "Ġmetaphors": 49610, + "ĠWembley": 49611, + "ĠPavel": 49612, + "philis": 49613, + "Ġrewriting": 49614, + "Ġperceptual": 49615, + "Ġ1070": 49616, + "worms": 49617, + "ĠDowns": 49618, + "Ġunsurprisingly": 49619, + "Ġtagging": 49620, + "flame": 49621, + "Ġlitres": 49622, + "Ġbounces": 49623, + "ĠBabe": 49624, + "shut": 49625, + "Ġoverdoses": 49626, + "ĠSheila": 49627, + "ĠChau": 49628, + "ĠBless": 49629, + "Capture": 49630, + "ĠSignificant": 49631, + "ĠScion": 49632, + "Ġ389": 49633, + "ĠMcH": 49634, + "ĠTitanium": 49635, + "ĠMeal": 49636, + "ameda": 49637, + "agents": 49638, + "aggressive": 49639, + "Billy": 49640, + "763": 49641, + "ĠSaying": 49642, + "DERR": 49643, + "itone": 49644, + "Collins": 49645, + "Bound": 49646, + "Ġbolted": 49647, + "ĠDMCA": 49648, + "953": 49649, + "Ġuniqueness": 49650, + "Ġepigen": 49651, + "unci": 49652, + "antam": 49653, + "Ġreckoning": 49654, + "chairs": 49655, + "OGR": 49656, + "ĠSenegal": 49657, + "Ġ1862": 49658, + "relevant": 49659, + "Ġ¯": 49660, + "Ġpharmacies": 49661, + "ĠGeral": 49662, + "vier": 49663, + "Yan": 49664, + "ORPG": 49665, + "Ġrabid": 49666, + "bending": 49667, + "ĠUNITED": 49668, + "Ġ465": 49669, + "Assembly": 49670, + "Ġweep": 49671, + "Ġbehest": 49672, + "ĠMothers": 49673, + "ĠJace": 49674, + "hid": 49675, + "Ġwhirlwind": 49676, + "ĠUNIVERS": 49677, + "Ġutopian": 49678, + "Ġkidnap": 49679, + "Philipp": 49680, + "Kin": 49681, + "893": 49682, + "Ġlivestream": 49683, + "ĠMISS": 49684, + "Ġsubversive": 49685, + "ĠTechniques": 49686, + "ĠJUSTICE": 49687, + "ĠBASE": 49688, + "Ġ387": 49689, + "Ġassailants": 49690, + "ĠHardcore": 49691, + "Ġsprinkled": 49692, + "ĠPse": 49693, + "éļ": 49694, + "printed": 49695, + "ĠHau": 49696, + "ORGE": 49697, + "ĠTOUR": 49698, + "Ġlaced": 49699, + "Ġitch": 49700, + "Giving": 49701, + "Ġported": 49702, + "781": 49703, + "////////////////////////////////": 49704, + "breeding": 49705, + "Ġlogger": 49706, + "ĠHOL": 49707, + "innie": 49708, + "Firstly": 49709, + "Ġembryonic": 49710, + "Ġdelegated": 49711, + "pai": 49712, + "OIL": 49713, + "Ġcentrally": 49714, + "ĠRx": 49715, + "ĠScouting": 49716, + "Dutch": 49717, + "Ġhereditary": 49718, + "ĠCruiser": 49719, + "sat": 49720, + "529": 49721, + "ĠMarriott": 49722, + "othermal": 49723, + "Ġprohibitions": 49724, + "Earn": 49725, + "ĠStab": 49726, + "ĠColleges": 49727, + "ĠBelief": 49728, + "stretched": 49729, + "ĠLH": 49730, + "ĠEntityItem": 49731, + "CIA": 49732, + "Ġunrem": 49733, + "Ġlaureate": 49734, + "Ġdenominations": 49735, + "summary": 49736, + "hler": 49737, + "Spect": 49738, + "ĠKlaus": 49739, + "ĠBeans": 49740, + "Ġinsur": 49741, + "ĠPAX": 49742, + "Ġfielder": 49743, + "ĠVet": 49744, + "ĠSparrow": 49745, + "zie": 49746, + "ĠSQ": 49747, + "ĠMondays": 49748, + "ĠOffline": 49749, + "ĠLerner": 49750, + "ĠExtensions": 49751, + "Ireland": 49752, + "Ġpatronage": 49753, + "Ġcontrasted": 49754, + "ĠMania": 49755, + "hirt": 49756, + "Moscow": 49757, + "Ġcondemns": 49758, + "ĠAnge": 49759, + "Ġcomposing": 49760, + "ĠPepe": 49761, + "ĠPaddock": 49762, + "Ġheterogeneity": 49763, + "Ġideologically": 49764, + "Ġfishes": 49765, + "Ġcursing": 49766, + "ĠRutherford": 49767, + "ĠFloating": 49768, + "ĠAmelia": 49769, + "Tea": 49770, + "Synopsis": 49771, + "Ġstunts": 49772, + "Ġbead": 49773, + "Ġstocking": 49774, + "ĠMILL": 49775, + "obook": 49776, + "massive": 49777, + "\\<": 49778, + "Ġhump": 49779, + "ĠPreferences": 49780, + "EngineDebug": 49781, + "geist": 49782, + "ĠNieto": 49783, + "omever": 49784, + "ishy": 49785, + "evaluate": 49786, + "colonial": 49787, + "Alternative": 49788, + "ĠGoPro": 49789, + "ĠVortex": 49790, + "ĠNETWORK": 49791, + "ansky": 49792, + "Secure": 49793, + "ĠThrust": 49794, + "Snake": 49795, + "Ġparcels": 49796, + "Ġsamurai": 49797, + "Ġactresses": 49798, + "Nap": 49799, + "MF": 49800, + "iferation": 49801, + "Beer": 49802, + "523": 49803, + "ĠIly": 49804, + "ointment": 49805, + "Ping": 49806, + "Ġstriped": 49807, + "ĠMellon": 49808, + "ossession": 49809, + "Ġneutron": 49810, + "endium": 49811, + "Ġaph": 49812, + "ĠFlavoring": 49813, + "Ġ383": 49814, + "Ġresponsiveness": 49815, + "ĠJindal": 49816, + "ĠHitchcock": 49817, + "Denver": 49818, + "ĠDRAGON": 49819, + "smanship": 49820, + "ĠDupl": 49821, + "Ġsly": 49822, + "Ġwebcam": 49823, + "ĠTwain": 49824, + "ĠDarling": 49825, + "iliate": 49826, + "consumer": 49827, + "DIT": 49828, + "Ġnamesake": 49829, + "Ġunorthodox": 49830, + "Ġfuner": 49831, + "ĠPLoS": 49832, + "ĠCONTROL": 49833, + "ozyg": 49834, + "oglobin": 49835, + "FACE": 49836, + "ERG": 49837, + "ĠDia": 49838, + "ĠFiesta": 49839, + "cele": 49840, + "034": 49841, + "Ġenclave": 49842, + "âĸ¬âĸ¬": 49843, + "onement": 49844, + "alist": 49845, + "Mand": 49846, + "Ġhomegrown": 49847, + "ĠFancy": 49848, + "Ġconceptions": 49849, + "ĠContains": 49850, + "ureen": 49851, + "Ġreiterate": 49852, + "Ġmeager": 49853, + "Ġinstallments": 49854, + "Spawn": 49855, + "627": 49856, + "Ġphotoc": 49857, + "ĠCabrera": 49858, + "ĠRosenthal": 49859, + "ĠLansing": 49860, + "isner": 49861, + "Ġinvests": 49862, + "ĠUFOs": 49863, + "EXP": 49864, + "Hardware": 49865, + "Ġtragically": 49866, + "Ġconcedes": 49867, + "ieft": 49868, + "cham": 49869, + "borgh": 49870, + "ĠSchr": 49871, + "ĠMelanie": 49872, + "ĠHoy": 49873, + "Ġvisitation": 49874, + "Ġidiosyncr": 49875, + "Ġfractions": 49876, + "Ġforeskin": 49877, + "obos": 49878, + "Ġpoaching": 49879, + "ĠVIEW": 49880, + "Ġstimulates": 49881, + "ĠGork": 49882, + "canon": 49883, + "MIC": 49884, + "ĠNemesis": 49885, + "ĠIndra": 49886, + "ĠDMV": 49887, + "Ġ529": 49888, + "Ġinspecting": 49889, + "Ġgrandma": 49890, + "ĠWhedon": 49891, + "ĠShant": 49892, + "ĠPurg": 49893, + "ikan": 49894, + "ĠTeg": 49895, + "ĠCLR": 49896, + "zac": 49897, + "Victoria": 49898, + "ĠVerify": 49899, + "ionics": 49900, + "Ġpartying": 49901, + "ĠMou": 49902, + "colour": 49903, + "Ġtestimonies": 49904, + "lations": 49905, + "Ġpressuring": 49906, + "hiro": 49907, + "acers": 49908, + "Ġfid": 49909, + "angler": 49910, + "ĠCSI": 49911, + "Ġhereafter": 49912, + "Ġdissidents": 49913, + "reporting": 49914, + "iphany": 49915, + "chev": 49916, + "Ġsolitude": 49917, + "Ġlobe": 49918, + "Ġindis": 49919, + "Ġcredential": 49920, + "recent": 49921, + "adult": 49922, + "ĠNirvana": 49923, + "ĠFranchise": 49924, + "Layer": 49925, + "Hyp": 49926, + "ĠBerkshire": 49927, + "Ġwills": 49928, + "tif": 49929, + "Ġtotem": 49930, + "ĠJudah": 49931, + "repair": 49932, + "Instant": 49933, + "548": 49934, + "Ġembassies": 49935, + "Ġbottleneck": 49936, + "Ġbount": 49937, + "Ġtypew": 49938, + "ĠAlvin": 49939, + "jing": 49940, + "imilar": 49941, + "Rush": 49942, + "Ġbrim": 49943, + "ĠHELP": 49944, + "Aim": 49945, + "]'": 49946, + "Ġpassively": 49947, + "Ġbounded": 49948, + "ĠRated": 49949, + "Ġcriminality": 49950, + "Ġbiomark": 49951, + "Ġdispatcher": 49952, + "ĠTowards": 49953, + "Ġ+++": 49954, + "righteous": 49955, + "frog": 49956, + "ĠPanc": 49957, + "Carter": 49958, + "032": 49959, + "æ©Ł": 49960, + "Ġultraviolet": 49961, + "ĠLicensed": 49962, + "ĠTata": 49963, + "ĠBlessing": 49964, + "ĠGAM": 49965, + "Ġchemically": 49966, + "ĠSeaf": 49967, + "ĠRELE": 49968, + "ĠMercenary": 49969, + "capitalist": 49970, + "Ġformulations": 49971, + "Ġannihilation": 49972, + "ĠVerb": 49973, + "ĠArgon": 49974, + "Ġunloaded": 49975, + "Ġmorphed": 49976, + "Ġconquering": 49977, + "backer": 49978, + "IELD": 49979, + "Ġthefts": 49980, + "Ġfrontrunner": 49981, + "ĠRoyale": 49982, + "ĠFundamental": 49983, + "elight": 49984, + "Chip": 49985, + "necessary": 49986, + "ayn": 49987, + "ĠSlip": 49988, + "Ġ448": 49989, + "cerned": 49990, + "Pause": 49991, + "Ġshockingly": 49992, + "ĠABV": 49993, + "Ġcomposure": 49994, + "733": 49995, + "ĠMotorsport": 49996, + "ahime": 49997, + "Murray": 49998, + "Mach": 49999, + "Ġgrids": 50000, + "Ġdebian": 50001, + "Ġfurthermore": 50002, + "Ġdexterity": 50003, + "ĠCollections": 50004, + "oslov": 50005, + "ilage": 50006, + "bj": 50007, + "ĠMonteneg": 50008, + "ĠstrutConnector": 50009, + "Ġmassacres": 50010, + "Ġbriefs": 50011, + "fetched": 50012, + "uvian": 50013, + "olition": 50014, + "Failure": 50015, + "emonic": 50016, + "Ġflared": 50017, + "Ġclaimant": 50018, + "Ġcures": 50019, + "Ġgiveaways": 50020, + "ĠSubstance": 50021, + "alions": 50022, + "Ġcringe": 50023, + "ĠKul": 50024, + "Ġaristocracy": 50025, + "ĠUlster": 50026, + "olated": 50027, + "housing": 50028, + "ĠMIS": 50029, + "Ġglared": 50030, + "ĠWilhelm": 50031, + "needs": 50032, + "lambda": 50033, + "builders": 50034, + "ĠVIS": 50035, + "Ġradiator": 50036, + "ĠGhostbusters": 50037, + "Ġ436": 50038, + "actual": 50039, + "Ġherds": 50040, + "ça": 50041, + "watching": 50042, + "Ġcountering": 50043, + "Charge": 50044, + "Ġcharred": 50045, + "Ġwarheads": 50046, + "Ġiodine": 50047, + "ĠMacy": 50048, + "041": 50049, + "Ġdepartures": 50050, + "ĠSins": 50051, + "Ġdyed": 50052, + "ĠConcepts": 50053, + "gado": 50054, + "713": 50055, + "Ġquotations": 50056, + "Ġgist": 50057, + "ĠChristy": 50058, + "Ġantigen": 50059, + "ĠHemp": 50060, + "ĠDrawn": 50061, + "ĠBarg": 50062, + "ezvous": 50063, + "Ġpaternity": 50064, + "Ġardu": 50065, + "ĠAnchorage": 50066, + "ĠRik": 50067, + "Ġoverloaded": 50068, + "ĠUsername": 50069, + "ĠTammy": 50070, + "ĠNau": 50071, + "ĠCellular": 50072, + "Ġwaning": 50073, + "Ġrodent": 50074, + "ĠWorcester": 50075, + "ilts": 50076, + "ĠTad": 50077, + "Ġdwellings": 50078, + "Ġbullish": 50079, + "431": 50080, + "Ġretaliate": 50081, + "Ġmigraine": 50082, + "ĠChevron": 50083, + "CHECK": 50084, + "Ġdonkey": 50085, + "crim": 50086, + "SPA": 50087, + "ĠAnalog": 50088, + "Ġmarquee": 50089, + "ĠHaas": 50090, + "Bir": 50091, + "ĠGDDR": 50092, + "ĠDownloads": 50093, + "Ġwillpower": 50094, + "ĠForth": 50095, + "ĠRecorded": 50096, + "Ġimpossibility": 50097, + "ĠLogged": 50098, + "ĠFranks": 50099, + "ĠRatt": 50100, + "initions": 50101, + "Ġcleaners": 50102, + "Ġsorely": 50103, + "Ġflickering": 50104, + "ĠExamination": 50105, + "catching": 50106, + "alloween": 50107, + "Msg": 50108, + "Ġdunno": 50109, + "Fa": 50110, + "Ġdysph": 50111, + "crazy": 50112, + ".''.": 50113, + "Ġmainline": 50114, + "Ġcs": 50115, + "Ġptr": 50116, + "ĠWally": 50117, + "igun": 50118, + "951": 50119, + "ĠBigfoot": 50120, + "fights": 50121, + "Ġretrieving": 50122, + "Jr": 50123, + "Ġduplication": 50124, + "ĠExplan": 50125, + "Ġrelational": 50126, + "Ġquaint": 50127, + "Ġbiscuits": 50128, + "Ġado": 50129, + "Ġshudder": 50130, + "Ġantidote": 50131, + "blooded": 50132, + "ksh": 50133, + "Ġsauces": 50134, + "Ġreinvest": 50135, + "Ġdispensary": 50136, + "ĠDiver": 50137, + "Ġ9000": 50138, + "student": 50139, + "Ġinsepar": 50140, + "escap": 50141, + "Ġtoddlers": 50142, + "ĠGPIO": 50143, + "ĠAssignment": 50144, + "headers": 50145, + "Ġlackluster": 50146, + "Ġaback": 50147, + "956": 50148, + "Ġtoolbar": 50149, + "745": 50150, + "Ġoust": 50151, + "Ġcontemplation": 50152, + "ĠPRESIDENT": 50153, + "Ġ458": 50154, + "======": 50155, + "Ġguaranteeing": 50156, + "ĠHeist": 50157, + "ĠCannes": 50158, + "Ͻ": 50159, + "Ġcollaborator": 50160, + "ĠAmp": 50161, + "Ġgou": 50162, + "ĠSHALL": 50163, + "stories": 50164, + "783": 50165, + "Ġmobilized": 50166, + "Ġbrood": 50167, + "ĠLU": 50168, + "ĠðŁij": 50169, + "Ġrefin": 50170, + "ĠAnthropology": 50171, + "vind": 50172, + "illi": 50173, + "Ġwarranties": 50174, + "ĠBabel": 50175, + "Ġswath": 50176, + "Ġcaches": 50177, + "Ġantagonists": 50178, + "artifacts": 50179, + "Ġhotly": 50180, + "ĠStarts": 50181, + "ĠGö": 50182, + "zag": 50183, + "!!!!!": 50184, + "Ġscourge": 50185, + "Ġconspiring": 50186, + "ruits": 50187, + "reverse": 50188, + "ĠSheen": 50189, + "ĠJesuit": 50190, + "ĠGiovanni": 50191, + "adies": 50192, + "Ġbuttocks": 50193, + "earcher": 50194, + "acan": 50195, + "Ġvolleyball": 50196, + "Ġshrouded": 50197, + "Ġscoreboard": 50198, + "bats": 50199, + "ĠIPM": 50200, + "Ġasses": 50201, + "Ġderegulation": 50202, + "ĠTelegram": 50203, + "ĠReboot": 50204, + "Ġ7000": 50205, + "ĠCanary": 50206, + "Ġkernels": 50207, + "ĠFrançois": 50208, + "ĠDuff": 50209, + "ĠPon": 50210, + "ĠLeica": 50211, + "ĠGarmin": 50212, + "Ġorphans": 50213, + "ĠClaudia": 50214, + "Ġcalendars": 50215, + "ĠLeilan": 50216, + "ento": 50217, + "Rocket": 50218, + "Ġbrunch": 50219, + "ĠHawking": 50220, + "ainers": 50221, + "Ġsensibilities": 50222, + "ĠkW": 50223, + "ĠKand": 50224, + "Ġreclaimed": 50225, + "Ġinterestingly": 50226, + "ש": 50227, + "romy": 50228, + "JM": 50229, + "ĠEnhancement": 50230, + "bush": 50231, + "Skip": 50232, + "Ġrappers": 50233, + "Ġgazing": 50234, + "pedia": 50235, + "athlon": 50236, + "Revolution": 50237, + "Ġsnipers": 50238, + "Ġreverted": 50239, + "Ġconglomerate": 50240, + "Terry": 50241, + "794": 50242, + "Ġharsher": 50243, + "Ġdesolate": 50244, + "ĠHitman": 50245, + "Commission": 50246, + "Ġ(/": 50247, + "â̦.\"": 50248, + "Compar": 50249, + "Ġamplification": 50250, + "ominated": 50251, + "Ġregress": 50252, + "ĠCollider": 50253, + "Ġinformants": 50254, + "Ġgazed": 50255, + "<|endoftext|>": 50256 + }, + "merges": [ + "Ġ t", + "Ġ a", + "h e", + "i n", + "r e", + "o n", + "Ġt he", + "e r", + "Ġ s", + "a t", + "Ġ w", + "Ġ o", + "e n", + "Ġ c", + "i t", + "i s", + "a n", + "o r", + "e s", + "Ġ b", + "e d", + "Ġ f", + "in g", + "Ġ p", + "o u", + "Ġa n", + "a l", + "a r", + "Ġt o", + "Ġ m", + "Ġo f", + "Ġ in", + "Ġ d", + "Ġ h", + "Ġan d", + "i c", + "a s", + "l e", + "Ġt h", + "i on", + "o m", + "l l", + "en t", + "Ġ n", + "Ġ l", + "s t", + "Ġ re", + "v e", + "Ġ e", + "r o", + "l y", + "Ġb e", + "Ġ g", + "Ġ T", + "c t", + "Ġ S", + "i d", + "o t", + "Ġ I", + "u t", + "e t", + "Ġ A", + "Ġ is", + "Ġ on", + "i m", + "a m", + "o w", + "a y", + "a d", + "s e", + "Ġth at", + "Ġ C", + "i g", + "Ġf or", + "a c", + "Ġ y", + "v er", + "u r", + "Ġ u", + "l d", + "Ġs t", + "Ġ M", + "' s", + "Ġ he", + "Ġ it", + "at ion", + "it h", + "i r", + "c e", + "Ġy ou", + "i l", + "Ġ B", + "Ġw h", + "o l", + "Ġ P", + "Ġw ith", + "Ġ 1", + "t er", + "c h", + "Ġa s", + "Ġw e", + "Ġ (", + "n d", + "i ll", + "Ġ D", + "i f", + "Ġ 2", + "a g", + "er s", + "k e", + "Ġ \"", + "Ġ H", + "e m", + "Ġc on", + "Ġ W", + "Ġ R", + "he r", + "Ġw as", + "Ġ r", + "o d", + "Ġ F", + "u l", + "at e", + "Ġa t", + "r i", + "p p", + "o re", + "ĠT he", + "Ġs e", + "u s", + "Ġp ro", + "Ġh a", + "u m", + "Ġa re", + "Ġd e", + "a in", + "an d", + "Ġo r", + "ig h", + "es t", + "is t", + "a b", + "r om", + "Ġ N", + "t h", + "Ġc om", + "Ġ G", + "u n", + "o p", + "0 0", + "Ġ L", + "Ġn ot", + "es s", + "Ġe x", + "Ġ v", + "re s", + "Ġ E", + "e w", + "it y", + "an t", + "Ġb y", + "e l", + "o s", + "or t", + "o c", + "q u", + "Ġf rom", + "Ġha ve", + "Ġs u", + "i ve", + "ou ld", + "Ġs h", + "Ġth is", + "n t", + "r a", + "p e", + "igh t", + "ar t", + "m ent", + "Ġa l", + "u st", + "en d", + "- -", + "al l", + "Ġ O", + "ac k", + "Ġc h", + "Ġ le", + "i es", + "re d", + "ar d", + "â Ģ", + "ou t", + "Ġ J", + "Ġa b", + "e ar", + "i v", + "al ly", + "ou r", + "o st", + "g h", + "p t", + "Ġp l", + "as t", + "Ġc an", + "a k", + "om e", + "u d", + "T he", + "Ġh is", + "Ġd o", + "Ġg o", + "Ġh as", + "g e", + "' t", + "Ġ U", + "r ou", + "Ġs a", + "Ġ j", + "Ġb ut", + "Ġw or", + "Ġa ll", + "e ct", + "Ġ k", + "am e", + "Ġw ill", + "o k", + "Ġw he", + "Ġthe y", + "id e", + "0 1", + "f f", + "ic h", + "p l", + "t her", + "Ġt r", + ". .", + "Ġin t", + "i e", + "u re", + "ag e", + "Ġn e", + "i al", + "a p", + "in e", + "ic e", + "Ġm e", + "Ġo ut", + "an s", + "on e", + "on g", + "ion s", + "Ġwh o", + "Ġ K", + "Ġu p", + "Ġthe ir", + "Ġa d", + "Ġ 3", + "Ġu s", + "at ed", + "ou s", + "Ġm ore", + "u e", + "o g", + "ĠS t", + "in d", + "i ke", + "Ġs o", + "im e", + "p er", + ". \"", + "b er", + "i z", + "a ct", + "Ġon e", + "Ġsa id", + "Ġ -", + "a re", + "Ġyou r", + "c c", + "ĠT h", + "Ġc l", + "e p", + "a ke", + "ab le", + "i p", + "Ġcon t", + "Ġwh ich", + "i a", + "Ġ im", + "Ġab out", + "Ġwe re", + "ver y", + "u b", + "Ġh ad", + "Ġ en", + "Ġcom p", + ", \"", + "ĠI n", + "Ġu n", + "Ġa g", + "i re", + "ac e", + "a u", + "ar y", + "Ġw ould", + "as s", + "r y", + "Ġ âĢ", + "c l", + "o ok", + "e re", + "s o", + "Ġ V", + "ig n", + "i b", + "Ġof f", + "Ġt e", + "v en", + "Ġ Y", + "i le", + "o se", + "it e", + "or m", + "Ġ2 01", + "Ġre s", + "Ġm an", + "Ġp er", + "Ġo ther", + "or d", + "ul t", + "Ġbe en", + "Ġl ike", + "as e", + "an ce", + "k s", + "ay s", + "ow n", + "en ce", + "Ġd is", + "ct ion", + "Ġan y", + "Ġa pp", + "Ġs p", + "in t", + "res s", + "ation s", + "a il", + "Ġ 4", + "ic al", + "Ġthe m", + "Ġhe r", + "ou nt", + "ĠC h", + "Ġa r", + "Ġ if", + "Ġthe re", + "Ġp e", + "Ġy ear", + "a v", + "Ġm y", + "Ġs ome", + "Ġwhe n", + "ou gh", + "ac h", + "Ġth an", + "r u", + "on d", + "ic k", + "Ġo ver", + "ve l", + "Ġ qu", + "Ċ Ċ", + "Ġs c", + "re at", + "re e", + "ĠI t", + "ou nd", + "p ort", + "Ġal so", + "Ġp art", + "f ter", + "Ġk n", + "Ġbe c", + "Ġt ime", + "en s", + "Ġ 5", + "op le", + "Ġwh at", + "Ġn o", + "d u", + "m er", + "an g", + "Ġn ew", + "-- --", + "Ġg et", + "or y", + "it ion", + "ing s", + "Ġj ust", + "Ġint o", + "Ġ 0", + "ent s", + "o ve", + "t e", + "Ġpe ople", + "Ġp re", + "Ġit s", + "Ġre c", + "Ġt w", + "i an", + "ir st", + "ar k", + "or s", + "Ġwor k", + "ad e", + "o b", + "Ġs he", + "Ġo ur", + "w n", + "in k", + "l ic", + "Ġ1 9", + "ĠH e", + "is h", + "nd er", + "au se", + "Ġh im", + "on s", + "Ġ [", + "Ġ ro", + "f orm", + "i ld", + "at es", + "ver s", + "Ġon ly", + "o ll", + "Ġs pe", + "c k", + "e ll", + "am p", + "Ġa cc", + "Ġb l", + "i ous", + "ur n", + "f t", + "o od", + "Ġh ow", + "he d", + "Ġ '", + "Ġa fter", + "a w", + "Ġat t", + "o v", + "n e", + "Ġpl ay", + "er v", + "ic t", + "Ġc ould", + "it t", + "Ġa m", + "Ġf irst", + "Ġ 6", + "Ġa ct", + "Ġ $", + "e c", + "h ing", + "u al", + "u ll", + "Ġcom m", + "o y", + "o ld", + "c es", + "at er", + "Ġf e", + "Ġbe t", + "w e", + "if f", + "Ġtw o", + "oc k", + "Ġb ack", + ") .", + "id ent", + "Ġu nder", + "rou gh", + "se l", + "x t", + "Ġm ay", + "rou nd", + "Ġp o", + "p h", + "is s", + "Ġd es", + "Ġm ost", + "Ġd id", + "Ġad d", + "j ect", + "Ġin c", + "f ore", + "Ġp ol", + "on t", + "Ġag ain", + "cl ud", + "ter n", + "Ġkn ow", + "Ġne ed", + "Ġcon s", + "Ġc o", + "Ġ .", + "Ġw ant", + "Ġse e", + "Ġ 7", + "n ing", + "i ew", + "ĠTh is", + "c ed", + "Ġe ven", + "Ġin d", + "t y", + "ĠW e", + "at h", + "Ġthe se", + "Ġp r", + "Ġu se", + "Ġbec ause", + "Ġf l", + "n g", + "Ġn ow", + "ĠâĢ ĵ", + "c om", + "is e", + "Ġm ake", + "Ġthe n", + "ow er", + "Ġe very", + "ĠU n", + "Ġse c", + "os s", + "u ch", + "Ġe m", + "Ġ =", + "ĠR e", + "i ed", + "r it", + "Ġin v", + "le ct", + "Ġsu pp", + "at ing", + "Ġl ook", + "m an", + "pe ct", + "Ġ 8", + "ro w", + "Ġb u", + "Ġwhe re", + "if ic", + "Ġyear s", + "i ly", + "Ġd iff", + "Ġsh ould", + "Ġre m", + "T h", + "I n", + "Ġe v", + "d ay", + "' re", + "ri b", + "Ġre l", + "s s", + "Ġde f", + "Ġr ight", + "Ġs y", + ") ,", + "l es", + "00 0", + "he n", + "Ġth rough", + "ĠT r", + "_ _", + "Ġw ay", + "Ġd on", + "Ġ ,", + "Ġ1 0", + "as ed", + "Ġas s", + "ub lic", + "Ġre g", + "ĠA nd", + "i x", + "Ġ very", + "Ġin clud", + "ot her", + "Ġim p", + "ot h", + "Ġsu b", + "ĠâĢ Ķ", + "Ġbe ing", + "ar g", + "ĠW h", + "= =", + "ib le", + "Ġdo es", + "an ge", + "r am", + "Ġ 9", + "er t", + "p s", + "it ed", + "ation al", + "Ġb r", + "Ġd own", + "Ġman y", + "ak ing", + "Ġc all", + "ur ing", + "it ies", + "Ġp h", + "ic s", + "al s", + "Ġde c", + "at ive", + "en er", + "Ġbe fore", + "il ity", + "Ġwe ll", + "Ġm uch", + "ers on", + "Ġth ose", + "Ġsu ch", + "Ġ ke", + "Ġ end", + "ĠB ut", + "as on", + "t ing", + "Ġl ong", + "e f", + "Ġth ink", + "y s", + "Ġbe l", + "Ġs m", + "it s", + "a x", + "Ġo wn", + "Ġpro v", + "Ġs et", + "if e", + "ment s", + "b le", + "w ard", + "Ġsh ow", + "Ġp res", + "m s", + "om et", + "Ġo b", + "Ġs ay", + "ĠS h", + "t s", + "f ul", + "Ġe ff", + "Ġg u", + "Ġin st", + "u nd", + "re n", + "c ess", + "Ġ ent", + "ĠY ou", + "Ġgo od", + "Ġst art", + "in ce", + "Ġm ade", + "t t", + "st em", + "ol og", + "u p", + "Ġ |", + "um p", + "Ġhe l", + "ver n", + "ul ar", + "u ally", + "Ġa c", + "Ġm on", + "Ġl ast", + "Ġ2 00", + "1 0", + "Ġst ud", + "u res", + "ĠA r", + "sel f", + "ar s", + "mer ic", + "u es", + "c y", + "Ġm in", + "oll ow", + "Ġc ol", + "i o", + "Ġm od", + "Ġc ount", + "ĠC om", + "he s", + "Ġf in", + "a ir", + "i er", + "âĢ Ķ", + "re ad", + "an k", + "at ch", + "e ver", + "Ġst r", + "Ġpo int", + "or k", + "ĠN ew", + "Ġs ur", + "o ol", + "al k", + "em ent", + "Ġus ed", + "ra ct", + "we en", + "Ġs ame", + "ou n", + "ĠA l", + "c i", + "Ġdiff ere", + "Ġwh ile", + "---- ----", + "Ġg ame", + "ce pt", + "Ġs im", + ".. .", + "Ġin ter", + "e k", + "Ġre port", + "Ġpro du", + "Ġst ill", + "l ed", + "a h", + "Ġhe re", + "Ġwor ld", + "Ġth ough", + "Ġn um", + "ar ch", + "im es", + "al e", + "ĠS e", + "ĠI f", + "/ /", + "ĠL e", + "Ġre t", + "Ġre f", + "Ġtr ans", + "n er", + "ut ion", + "ter s", + "Ġt ake", + "ĠC l", + "Ġcon f", + "w ay", + "a ve", + "Ġgo ing", + "Ġs l", + "u g", + "ĠA meric", + "Ġspe c", + "Ġh and", + "Ġbet ween", + "ist s", + "ĠD e", + "o ot", + "I t", + "Ġe ar", + "Ġagain st", + "Ġh igh", + "g an", + "a z", + "at her", + "Ġex p", + "Ġo p", + "Ġin s", + "Ġg r", + "Ġhel p", + "Ġre qu", + "et s", + "in s", + "ĠP ro", + "is m", + "Ġf ound", + "l and", + "at a", + "us s", + "am es", + "Ġp erson", + "Ġg reat", + "p r", + "Ġs ign", + "ĠA n", + "' ve", + "Ġs omet", + "Ġs er", + "h ip", + "Ġr un", + "Ġ :", + "Ġt er", + "ire ct", + "Ġf ollow", + "Ġd et", + "ic es", + "Ġf ind", + "1 2", + "Ġm em", + "Ġc r", + "e red", + "e x", + "Ġex t", + "ut h", + "en se", + "c o", + "Ġte am", + "v ing", + "ou se", + "as h", + "at t", + "v ed", + "Ġsy stem", + "ĠA s", + "d er", + "iv es", + "m in", + "Ġle ad", + "ĠB l", + "c ent", + "Ġa round", + "Ġgo vern", + "Ġc ur", + "vel op", + "an y", + "Ġc our", + "al th", + "ag es", + "iz e", + "Ġc ar", + "od e", + "Ġl aw", + "Ġre ad", + "' m", + "c on", + "Ġre al", + "Ġsupp ort", + "Ġ1 2", + ".. ..", + "Ġre ally", + "n ess", + "Ġf act", + "Ġd ay", + "Ġb oth", + "y ing", + "Ġs erv", + "ĠF or", + "Ġth ree", + "Ġw om", + "Ġm ed", + "od y", + "ĠThe y", + "5 0", + "Ġex per", + "t on", + "Ġe ach", + "ak es", + "Ġc he", + "Ġc re", + "in es", + "Ġre p", + "1 9", + "g g", + "ill ion", + "Ġg rou", + "ut e", + "i k", + "W e", + "g et", + "E R", + "Ġm et", + "Ġs ays", + "o x", + "Ġd uring", + "er n", + "iz ed", + "a red", + "Ġf am", + "ic ally", + "Ġha pp", + "ĠI s", + "Ġch ar", + "m ed", + "v ent", + "Ġg ener", + "i ent", + "p le", + "i et", + "re nt", + "1 1", + "v es", + "pt ion", + "Ġ2 0", + "form ation", + "Ġc or", + "Ġoff ic", + "ie ld", + "Ġto o", + "is ion", + "Ġin f", + "Ġ Z", + "t he", + "o ad", + "Ġp ublic", + "Ġpro g", + "r ic", + "* *", + "Ġw ar", + "Ġp ower", + "v iew", + "Ġf ew", + "Ġl oc", + "Ġdiffere nt", + "Ġst ate", + "Ġhe ad", + "' ll", + "Ġp oss", + "Ġst at", + "re t", + "ant s", + "Ġv al", + "Ġis s", + "Ġc le", + "i vers", + "an c", + "Ġex pl", + "Ġan other", + "Ġ Q", + "Ġa v", + "th ing", + "n ce", + "W h", + "Ġch ild", + "Ġs ince", + "i red", + "l ess", + "Ġl ife", + "Ġde velop", + "itt le", + "Ġde p", + "Ġp ass", + "ã ĥ", + "Ġt urn", + "or n", + "Th is", + "b ers", + "ro ss", + "ĠA d", + "Ġf r", + "Ġres p", + "Ġsec ond", + "o h", + "Ġ /", + "Ġdis c", + "Ġ &", + "Ġsomet hing", + "Ġcomp le", + "Ġ ed", + "Ġf il", + "Ġmon th", + "a j", + "u c", + "Ġgovern ment", + "Ġwith out", + "Ġle g", + "Ġd ist", + "Ġp ut", + "Ġqu est", + "an n", + "Ġpro t", + "2 0", + "Ġne ver", + "i ence", + "Ġle vel", + "Ġar t", + "Ġth ings", + "Ġm ight", + "Ġeff ect", + "Ġcont ro", + "Ġc ent", + "Ġ1 8", + "Ġall ow", + "Ġbel ie", + "ch ool", + "ot t", + "Ġinc re", + "Ġfe el", + "Ġres ult", + "Ġl ot", + "Ġf un", + "ot e", + "Ġt y", + "ere st", + "Ġcont in", + "Ġus ing", + "Ġb ig", + "2 01", + "Ġas k", + "Ġb est", + "Ġ )", + "I N", + "Ġo pp", + "3 0", + "Ġnum ber", + "in ess", + "S t", + "le ase", + "Ġc a", + "Ġm ust", + "Ġd irect", + "Ġg l", + "Ġ <", + "Ġop en", + "Ġp ost", + "Ġcom e", + "Ġse em", + "ord ing", + "Ġwe ek", + "ate ly", + "it al", + "Ġe l", + "ri end", + "Ġf ar", + "Ġt ra", + "in al", + "Ġp ri", + "ĠU S", + "Ġpl ace", + "Ġfor m", + "Ġto ld", + "\" :", + "ain s", + "at ure", + "ĠTr ump", + "Ġst and", + "Ġ #", + "id er", + "ĠF r", + "Ġne xt", + "Ġs oc", + "Ġp ur", + "Ġle t", + "Ġl ittle", + "Ġh um", + "Ġ i", + "r on", + "1 5", + "Ġ1 5", + "Ġcomm un", + "Ġm ark", + "ĠThe re", + "Ġw r", + "ĠTh at", + "Ġin formation", + "w ays", + "Ġb us", + "a pp", + "Ġinv est", + "m e", + "Ġh ard", + "ain ed", + "e ad", + "Ġim port", + "Ġapp ro", + "Ġt est", + "Ġt ri", + "Ġre st", + "os ed", + "Ġf ull", + "Ġc are", + "ĠS p", + "Ġc ase", + "O N", + "Ġs k", + "Ġl ess", + "Ġ +", + "Ġpart ic", + "ĠP l", + "ab ly", + "u ck", + "is hed", + "ch n", + "b e", + "Ġl ist", + "at or", + "Ġto p", + "Ġad v", + "ĠB e", + "ru ct", + "Ġd em", + "r ation", + "l ing", + "g y", + "re en", + "g er", + "Ġh ome", + "Ġle ft", + "Ġbet ter", + "Ġd ata", + "Ġ1 1", + "Ġatt ack", + "Ġpro ble", + "l ine", + "ard s", + "Ġbe h", + "r al", + "ĠH ow", + "ĠS he", + "ar ge", + "Ġ --", + ": //", + "Ġb ro", + "ĠP h", + "at s", + "Ġbu ild", + "w w", + "id ed", + "a im", + "as es", + "en cy", + "Ġm ain", + "in ed", + "Ġinclud ing", + "Ġ {", + "Ġg ot", + "Ġint erest", + "Ġke ep", + "Ġ X", + "Ġe as", + "ain ing", + "Ġcl ass", + "âĢ ¦", + "ĠN o", + "Ġv ar", + "Ġsm all", + "amp le", + "A T", + "Ġ ide", + "ĠS o", + "Ġre ce", + "Ġpol it", + "Ġm ov", + "Ġpl an", + "Ġper cent", + "iv ing", + "Ġc amp", + "Ġp ay", + "1 4", + "s c", + "is ed", + "Ġu nt", + "one y", + "pl oy", + "== ==", + "Ġdid n", + "ĠI nd", + "el s", + "ert ain", + "Ġp os", + "__ __", + "i ver", + "Ġpro cess", + "Ġprog ram", + "if ied", + "ĠR ep", + "1 6", + "u ro", + "olog y", + "at ter", + "in a", + "Ġn ame", + "ĠA ll", + "Ġf our", + "Ġret urn", + "v ious", + "b s", + "Ġcall ed", + "Ġm ove", + "ĠS c", + "ir d", + "Ġgrou p", + "Ġb re", + "Ġm en", + "Ġc ap", + "t en", + "e e", + "Ġd ri", + "le g", + "he re", + "uth or", + "Ġp at", + "Ġcur rent", + "id es", + "Ġp op", + "t o", + "ent ion", + "Ġal ways", + "Ġm il", + "Ġwom en", + "Ġ1 6", + "Ġo ld", + "iv en", + "ra ph", + "ĠO r", + "r or", + "ent ly", + "Ġn ear", + "ĠE x", + "re am", + "s h", + "Ġ1 4", + "Ġf ree", + "iss ion", + "st and", + "ĠC on", + "al ity", + "us ed", + "1 3", + "Ġdes ign", + "Ġch ange", + "Ġch ang", + "Ġb o", + "Ġv is", + "em ber", + "Ġb ook", + "read y", + "Ġk ill", + "2 5", + "pp ed", + "Ġa way", + "Ġab le", + "Ġcount ry", + "Ġcon st", + "ar n", + "Ġor der", + "A R", + "i or", + "i um", + "or th", + "1 8", + "ail able", + "Ġs w", + "Ġm illion", + "Ġ1 3", + "at ic", + "t ed", + "ĠG o", + "Ġo per", + "en g", + "Ġth ing", + "aj or", + "con om", + "ĠCom m", + "Ġwh y", + "u red", + "ur al", + "Ġs chool", + "b y", + "ĠM ar", + "Ġa ff", + "Ġd ays", + "Ġan n", + "us h", + "an e", + "I f", + "e g", + "Ġpro f", + "Ġhe alth", + "ou th", + "B ut", + "ion al", + ". ,", + "Ġs ol", + "Ġal ready", + "Ġ3 0", + "Ġchar act", + "H e", + "Ġf riend", + "E S", + "i ans", + "ic le", + "' d", + "ĠO n", + "Ġle ast", + "Ġp rom", + "Ġd r", + "Ġh ist", + "it her", + "Ġ est", + "i qu", + "1 7", + "s on", + "Ġte ll", + "Ġt alk", + "oh n", + "o int", + "le ction", + "A N", + "Ġunt il", + "au gh", + "Ġl ater", + "Ġ ve", + "Ġv iew", + "end ing", + "iv ed", + "Ġwor d", + "w are", + "Ġc ost", + "Ġen ough", + "Ġg ive", + "ĠUn ited", + "Ġte chn", + "are nt", + "O R", + "Ġp ar", + "ĠD r", + "Ġ201 6", + "r ist", + "er ing", + "Ġ Â", + "Ġl arge", + "s ide", + "ac y", + "cc ess", + "Ġw in", + "Ġimport ant", + "Ġ19 9", + "Ġdoes n", + "Ġ1 7", + "Ġbus iness", + "Ġcle ar", + "Ġre se", + "\" ,", + "ur y", + "Ġe qu", + "as ter", + "al f", + "ĠAmeric an", + "n ect", + "Ġex pect", + "ivers ity", + "Ġo cc", + "ĠF l", + "Ġk ind", + "Ġme an", + "Ġp ast", + "Ġde v", + "Ġb as", + "le t", + "ra ft", + "Ġor gan", + "Ġde l", + "Ġper form", + "Ġst ory", + "Ġse ason", + "ĠC ol", + "Ġcl aim", + "Ġc ame", + "Ġwith in", + "Ġl ine", + "Ġpro ject", + "ĠA t", + "Ġcontro l", + "end ed", + "ĠS y", + "Ġa ir", + "iz ation", + "Ġ *", + "le y", + "Ġm oney", + "id d", + "Y ou", + "f or", + "Ġfam ily", + "Ġm aking", + "Ġb it", + "Ġpol ice", + "Ġhapp en", + "Ġ vers", + "on y", + "u ff", + "ĠW hen", + "Ġs it", + "ide o", + "l f", + "is on", + "Ġsu re", + "g in", + "Ġapp ear", + "Ġl ight", + "Ġ es", + "o f", + "Ġw ater", + "Ġt imes", + "n ot", + "Ġg row", + "Ġcomp any", + "ĠT e", + "ow s", + "Ġm ar", + "our ce", + "i ol", + "ar m", + "b r", + "Ġex ample", + "Ġcon c", + "Ġf ore", + "ĠT o", + "p ro", + "E N", + "ri es", + "Ġ2 5", + "ĠC an", + "ne y", + "Ġact ually", + "Ġe ver", + "ur ity", + "ak en", + "ap s", + "Ġt ax", + "Ġm ajor", + "am a", + "Ġof ten", + "er al", + "Ġhum an", + "Ġj ob", + "is ter", + "Ġav ailable", + "oc r", + "en n", + "a id", + "iv id", + "Ġrec ord", + "? \"", + "Ġs ing", + "ĠA m", + "id ence", + "Ġnew s", + "st er", + "Ġe conom", + "Ġfollow ing", + "ĠB r", + "is ing", + "Ġh our", + "m ost", + "um ent", + "Ġse x", + "Ġdes c", + "Ġbec ome", + "ĠE d", + "Ġto ok", + "Ġha ving", + "Ġprodu ct", + "a ult", + "A s", + "ar ing", + "Ġme ans", + "Ġh op", + "un e", + "Ġch o", + "Ġc ertain", + "Ġn on", + "Ġde al", + "2 4", + "le ment", + "oc i", + "en e", + "Ġs ide", + "ĠP r", + "ĠM ay", + "Ġre ason", + "u ed", + "c hed", + "ul ation", + "Ġe lect", + "Ġoffic ial", + "Ġposs ible", + "Ġh old", + "and s", + "ot s", + "Ġc ity", + "or ies", + "Ġse ver", + "Ġchild ren", + "Ġon ce", + "Ġact iv", + "l er", + "Ġn ight", + "it ions", + "ĠJ ohn", + "a pe", + "pl ay", + "Ġd one", + "Ġl im", + "Ġwork ing", + "ĠP res", + "or ld", + "e b", + "ĠC o", + "Ġb ody", + "ail s", + "ut es", + "ĠM r", + "Ġwhe ther", + "Ġa uthor", + "ro p", + "Ġpro per", + "Ġse en", + ") ;", + "Ġf ac", + "ĠS u", + "Ġcon d", + "it ing", + "Ġcour se", + "Ġ }", + "-------- --------", + "a ign", + "Ġev ent", + "Ġen g", + "Ġp ot", + "Ġin tern", + "i am", + "Ġsh ort", + "em pt", + "ã Ĥ", + "ĠG od", + "il ar", + "8 0", + "Ġor ig", + "I S", + "our n", + "ab ility", + "it ive", + "Ġd am", + "Ġ1 00", + "Ġp ress", + "Ġdo ing", + "Ġprot ect", + "r ing", + "Ġthough t", + "Ġquest ion", + "re w", + "ĠW ar", + "Ġsever al", + "ĠSt ate", + "Ġg iven", + "Ġf und", + "ĠT w", + "Ġw ent", + "an ces", + "w ork", + "p or", + "m y", + "4 0", + "Ġar g", + "art ment", + "ust om", + "Ġpol ic", + "Ġme et", + "Ġc reat", + "2 2", + "ĠSt ates", + "Ġg ames", + "ra w", + "ut ure", + "Ġunder stand", + "ur s", + "ĠO b", + "l ish", + "s y", + "Ġm akes", + "Ġw on", + "ag on", + "Ġh tt", + "Ġl ove", + "ent ial", + "Ġcomple te", + "p ar", + "ĠI m", + "A L", + "Ġacc ount", + " ł", + "ore d", + "ver t", + "Ġ ident", + "Ġ201 5", + "Ġother s", + "ĠM in", + "i ber", + "ver age", + "The re", + "ition al", + "d d", + "Ġpro b", + "Ġyou ng", + "Ġal ong", + "Ġacc ording", + "Ġy et", + "Ġmem bers", + "ĠWh at", + "o id", + "ĠM an", + "A nd", + "Ġam ong", + "a i", + "Ġem ploy", + "ĠR es", + "Ġ >", + "Ġinv ol", + "Ġl ow", + "a f", + "ĠC ar", + "Ġh ig", + "ĠO ne", + "ĠS ec", + "in ation", + "Ġlike ly", + "Ġan t", + "ag ed", + "ĠR uss", + "Ġb en", + "Ġre le", + "F or", + "b ack", + "ĠN ot", + "Ġpres ident", + "b all", + "Ġacc ess", + "ivid ual", + "ĠD em", + "ĠE uro", + "6 0", + "Ġkn own", + "ir l", + "ĠG r", + "Ġear ly", + "u se", + "iet y", + "âĢ ĵ", + "Ġf ight", + "Ġs ent", + "Ġto day", + "Ġmark et", + "\" .", + "Ġb ased", + "Ġstr ong", + "ur ther", + "Ġde b", + "m ber", + "Ġproble m", + "Ġde ath", + "Ġsoc ial", + "im ate", + "A S", + "ort un", + "Ġcamp aign", + "er y", + "C h", + "Ġe y", + "i ally", + "Ġm us", + "w h", + "p os", + "Ġ er", + "Ġsa f", + "Ġmonth s", + "ir on", + "Ġv iol", + "Ġf ive", + "Ġst re", + "Ġplay ers", + "in c", + "al d", + "y ear", + "a un", + "Ġsu ccess", + "Ġpres ent", + "ere nce", + "Ġ201 4", + "Ġsu gg", + "Ġpartic ular", + "Ġtr y", + "Ġsugg est", + "ĠCh rist", + "on es", + "Ġpri v", + "2 3", + "Ġc rit", + "Ġl and", + "Ġloc al", + "if y", + "2 9", + "Ġa ut", + "E D", + "ĠG u", + "Ġm ult", + "Ġpolit ical", + "Ġask ed", + "Ġfor mer", + "it ter", + "ri pt", + "Ġcl ose", + "Ġp ract", + "ĠY ork", + "Ġget ting", + "Ġac ross", + "Ġcom b", + "Ġbelie ve", + "Ġ z", + "Ġto get", + "Ġtoget her", + "ĠC ent", + "ir c", + "Ġind ividual", + "ĠM c", + "2 7", + "is k", + "ĠE ng", + "Ġf ace", + "Ġ2 4", + "Ġval ue", + "Ġare a", + "e v", + "Ġw rit", + "ĠPres ident", + "Ġv ot", + "Ġke y", + "Ġm om", + "p ut", + "Ġany thing", + "Ġexper ience", + "att le", + "Ġm ind", + "a ff", + "om m", + "Ġf uture", + "g ed", + "Ġc ut", + "Ġto t", + "it ch", + "Ġv ideo", + "Ġinvest ig", + "Ġn et", + "ĠM y", + "r ict", + "i en", + ". )", + "Ġimp ro", + "th ough", + "ward s", + "Ġcon nect", + "ĠM ed", + "sel ves", + "ens ive", + "m b", + "o ber", + "at ors", + "A n", + "Ġ5 0", + "Ġre du", + "res ent", + "Ġab ove", + "Ġf re", + "ĠEuro pe", + "s w", + "Ġam ount", + "ĠA pp", + "Ġe ither", + "Ġmil it", + "Ġan al", + "Ġf ail", + "ĠE n", + "al es", + "Ġspec ial", + "Ġbl ack", + "I T", + "c her", + "Ġlook ing", + "Ġf ire", + "y n", + "Ġal most", + "o on", + "Ġstud y", + "Ġm iss", + "c hes", + "ro wn", + "Ġt re", + "Ġcommun ity", + "Ġmed ia", + "Ġf ood", + "Ġcom es", + "ĠUn iversity", + "Ġsing le", + "Wh at", + "u ly", + "Ġh alf", + "ag ue", + "h od", + "ĠRep ublic", + "Ġstart ed", + "Ġqu ick", + "ot o", + "b ook", + "Ġiss ue", + "it or", + "Ġel se", + "Ġcons ider", + "2 6", + "ro du", + "Ġt aken", + "2 8", + "9 9", + "ĠW ith", + "Ġtr ue", + "Ġw a", + "Ġtr ad", + "Ġag o", + "Ġm ess", + "ie f", + "Ġadd ed", + "o ke", + "Ġb ad", + "Ġf av", + "3 3", + "Ġsim ilar", + "as k", + "ĠD on", + "Ġcharact er", + "ort s", + "ĠH ouse", + "Ġreport ed", + "Ġty pe", + "v al", + "i od", + "ĠHow ever", + "Ġt arg", + "Ġent ire", + "pp ing", + "Ġhist ory", + "Ġl ive", + "ff ic", + ".... ....", + "ed eral", + "Ġtr ying", + "Ġdisc uss", + "ĠH ar", + "ac es", + "l ished", + "Ġse lf", + "os p", + "re st", + "Ġro om", + "el t", + "Ġf all", + "ol ution", + "Ġe t", + "Ġ x", + "Ġis n", + "Ġide a", + "b o", + "Ġs ound", + "ĠD ep", + "Ġsome one", + "ci ally", + "ull y", + "Ġf oc", + "Ġob ject", + "if t", + "ap er", + "Ġplay er", + "Ġr ather", + "Ġserv ice", + "as hing", + "ĠD o", + "ĠP art", + "ru g", + "m on", + "p ly", + "Ġm or", + "Ġnot hing", + "Ġprov ide", + "I C", + "un g", + "Ġpart y", + "Ġex ist", + "Ġm ag", + "7 0", + "Ġr ul", + "Ġh ouse", + "Ġbeh ind", + "Ġhow ever", + "ĠW orld", + "Ġs um", + "Ġapp lic", + "Ġ ;", + "Ġfun ction", + "g r", + "ĠP ol", + "Ġfr ont", + "2 00", + "Ġser ies", + "Ġt em", + "Ġty p", + "ill s", + "Ġo pt", + "Ġpoint s", + "Ġbel ow", + "itt ed", + "Ġspec ific", + "Ġ201 7", + "um b", + "Ġr a", + "Ġpre vious", + "Ġpre t", + "re me", + "Ġc ustom", + "Ġcour t", + "ĠM e", + "Ġre pl", + "Ġwho le", + "g o", + "c er", + "Ġt reat", + "ĠA ct", + "Ġprob ably", + "Ġle arn", + "end er", + "ĠA ss", + "Ġvers ion", + "n ow", + "Ġche ck", + "ĠC al", + "R E", + "min ist", + "O n", + "our ces", + "Ġben ef", + "Ġd oc", + "Ġdet er", + "Ġen c", + "Ġsu per", + "Ġadd ress", + "Ġv ict", + "Ġ201 3", + "Ġme as", + "t r", + "Ġf ield", + "W hen", + "Ġsign ific", + "u ge", + "Ġfe at", + "Ġcomm on", + "l oad", + "Ġbe gin", + "Ġbr ing", + "Ġa ction", + "er man", + "Ġdesc rib", + "Ġind ust", + "Ġwant ed", + "ri ed", + "m ing", + "Ġatt empt", + "4 5", + "f er", + "Ġd ue", + "ress ion", + "# #", + "Ġsh all", + "Ġs ix", + "o o", + "Ġst ep", + "Ġp ub", + "Ġhim self", + "Ġ2 3", + "Ġc op", + "Ġd est", + "Ġst op", + "A C", + "ib ility", + "Ġl ab", + "ic ult", + "Ġhour s", + "Ġcre ate", + "Ġf urther", + "ĠAmeric a", + "ĠC ity", + "Ġd ou", + "he ad", + "S T", + "ĠN orth", + "c ing", + "Ġn ational", + "u le", + "ĠIn st", + "Ġt aking", + "ĠQ u", + "ir t", + "Ġre d", + "Ġrese arch", + "v iron", + "ĠG e", + "Ġbre ak", + "an a", + "Ġsp ace", + "ater ial", + "Ġrec ent", + "ĠA b", + "Ġgener al", + "Ġh it", + "Ġper iod", + "Ġevery thing", + "ive ly", + "Ġph ys", + "Ġsay ing", + "an ks", + "Ġc ou", + "Ġc ult", + "ac ed", + "e al", + "u ation", + "Ġc oun", + "l u", + "Ġinclud e", + "Ġpos ition", + "ĠA fter", + "ĠCan ad", + "ĠE m", + "Ġim m", + "ĠR ed", + "Ġp ick", + "Ġcom pl", + "Ġm atter", + "re g", + "e xt", + "ang u", + "is c", + "o le", + "a ut", + "Ġcomp et", + "e ed", + "f ect", + "Ġ2 1", + "ĠS en", + "ĠThe se", + "as ing", + "Ġcan not", + "Ġin it", + "Ġrel ations", + "ac hed", + "Ġb ar", + "Ġ4 0", + "ĠT H", + "Ġ201 2", + "Ġv ol", + "Ġg round", + "Ġsec urity", + "Ġup d", + "il t", + "3 5", + "Ġconc ern", + "ĠJ ust", + "Ġwh ite", + "Ġseem s", + "ĠH er", + "pe cially", + "i ents", + "Ġann oun", + "Ġf ig", + "ight s", + "Ġst ri", + "l ike", + "id s", + "Ġs us", + "Ġw atch", + "Ġ â", + "Ġw ind", + "ĠC ont", + "Ġit self", + "Ġm ass", + "A l", + "y le", + "iqu e", + "ĠN ational", + "Ġab s", + "Ġp ack", + "Ġout side", + "Ġan im", + "Ġp ain", + "et er", + "Ġman ag", + "du ct", + "og n", + "Ġ ]", + "ĠSe pt", + "se c", + "o ff", + "ĠJ an", + "Ġf oot", + "ad es", + "Ġth ird", + "Ġm ot", + "Ġev idence", + "int on", + "Ġth reat", + "a pt", + "pl es", + "c le", + "Ġl o", + "Ġde cl", + "Ġit em", + "med i", + "Ġrep resent", + "om b", + "am er", + "Ġsignific ant", + "og raph", + "s u", + "Ġc al", + "i res", + "00 00", + "I D", + "A M", + "Ġsim ply", + "Ġlong er", + "Ġf ile", + "O T", + "c he", + "S o", + "ate g", + "or g", + "ĠH is", + "Ġen er", + "Ġd om", + "Ġup on", + "il i", + "\": \"", + "Ġthem selves", + "Ġcom ing", + "Ġqu ite", + "Ġdiff icult", + "ĠB ar", + "il ities", + "re l", + "end s", + "c ial", + "6 4", + "Ġwom an", + "ra p", + "y r", + "Ġne cess", + "ip s", + "Ġte xt", + "Ġrequ ire", + "Ġmilit ary", + "Ġre view", + "Ġresp ons", + "7 5", + "Ġsub ject", + "Ġinst ead", + "Ġiss ues", + "Ġg en", + "\" ,\"", + "Ġmin utes", + "Ġwe ap", + "r ay", + "am ed", + "t ime", + "b l", + "H ow", + "Ġc ode", + "ĠS m", + "Ġhig her", + "ĠSt e", + "r is", + "Ġp age", + "Ġstud ents", + "ĠIn tern", + "Ġmet hod", + "ĠA ug", + "ĠP er", + "ĠA g", + "Ġpolic y", + "ĠS w", + "Ġex ec", + "Ġac cept", + "um e", + "rib ut", + "Ġword s", + "Ġfin al", + "Ġchang es", + "ĠDem ocr", + "Ġfriend s", + "Ġres pect", + "Ġe p", + "Ġcomp an", + "iv il", + "Ġdam age", + "** **", + "og le", + "viron ment", + "Ġne g", + "ent al", + "Ġa p", + "Ġtot al", + "iv al", + "! \"", + "l im", + "Ġneed s", + "Ġag re", + "Ġdevelop ment", + "Ġa ge", + "ip le", + "2 1", + "Ġresult s", + "ĠA f", + "S h", + "Ġg un", + "ĠOb ama", + "ro ll", + "Ġ @", + "Ġright s", + "ĠB rit", + "Ġrun ning", + "Ġwas n", + "Ġp ort", + "Ġr ate", + "Ġpret ty", + "Ġtarg et", + "Ġsa w", + "Ġc irc", + "Ġwor ks", + "ic ro", + "al t", + "o ver", + "ww w", + "Th at", + "l ier", + "Ġevery one", + "ud e", + "Ġp ie", + "idd le", + "ra el", + "Ġr ad", + "Ġbl ock", + "Ġw alk", + "T o", + "ã ģ", + "n es", + "ĠA ust", + "a ul", + "ro te", + "ĠS outh", + "ess ion", + "op h", + "Ġshow s", + "Ġs ite", + "Ġj o", + "Ġr isk", + "cl us", + "l t", + "Ġin j", + "id ing", + "ĠS pe", + "Ġch all", + "ir m", + "Ġ2 2", + "itt ing", + "st r", + "Ġh y", + "L E", + "ke y", + "Ġbe gan", + "at ur", + "ashing ton", + "l am", + "ĠD av", + "b it", + "Ġs ize", + "ĠP ar", + "3 8", + "ourn al", + "f ace", + "Ġdec ision", + "Ġl arg", + "Ġj ud", + "re ct", + "Ġcontin ue", + "ĠO ct", + "ove red", + "ĠI nt", + "==== ====", + "Ġp arent", + "ĠW ill", + "Ġeas y", + "Ġd rug", + "ang er", + "Ġs ense", + "Ġd i", + "id ay", + "Ġener gy", + "ist ic", + "Ġass oci", + "ar ter", + "ob al", + "e ks", + "ĠE l", + "ur ch", + "Ġg irl", + "o e", + "it le", + "Ġ2 8", + "ĠC he", + "Ġrequ est", + "Ġso on", + "Ġh ost", + "k y", + "Ġst ates", + "om es", + "Ġm aterial", + "le x", + "Ġmom ent", + "Ġan sw", + "on se", + "Ġes pecially", + "Ġn orm", + "Ġserv ices", + "p ite", + "r an", + "Ġro le", + "4 4", + ") :", + "Ġc red", + "C l", + "____ ____", + "Ġm at", + "Ġl og", + "ĠCl inton", + "O U", + "Ġoff ice", + "Ġ2 6", + "Ġch arg", + "Ġtr ack", + "m a", + "Ġhe art", + "Ġb all", + "Ġperson al", + "Ġbuild ing", + "n a", + "s et", + "b ody", + "ĠBl ack", + "Ġincre ase", + "itt en", + "Ġneed ed", + "3 6", + "3 2", + "= \"", + "Ġl ost", + "Ġbec ame", + "Ġgrou ps", + "ĠM us", + "Ġw rote", + "ĠP e", + "Ġpro p", + "j oy", + "à ©", + "ĠWh ite", + "Ġde ad", + ". '", + "Ġhtt p", + "Ġwe bs", + "O S", + "Ġins ide", + "Ġwr ong", + "Ġstat ement", + "Ġ ...", + "y l", + "Ġfil m", + "Ġmus ic", + "Ġsh are", + "ific ation", + "Ġre lease", + "Ġfor ward", + "Ġst ay", + "Ġcomp ut", + "it te", + "s er", + "Ġorig inal", + "Ġc ard", + "Ġc and", + "Ġd iv", + "at ural", + "Ġfav or", + "O M", + "Ġc ases", + "us es", + "Ġse ction", + "Ġle ave", + "g ing", + "ov ed", + "ĠW ashington", + "3 9", + "ĠG l", + "Ġrequ ired", + "act ion", + "ap an", + "o or", + "it er", + "ĠK ing", + "Ġcount ries", + "ĠG erman", + "ll ing", + "Ġ2 7", + "3 4", + "Ġquest ions", + "Ġpr im", + "Ġc ell", + "Ġsh oot", + "Ġany one", + "ĠW est", + "Ġaff ect", + "ep end", + "Ġon line", + "ĠIs rael", + "ĠSept ember", + "Ġab ility", + "Ġcont ent", + "is es", + "Ġre ve", + "Ġl aun", + "Ġind ic", + "Ġfor ce", + "c ast", + "Ġso ld", + "av ing", + "f l", + "Ġso ft", + "Ġcompan ies", + "ce ed", + "Ġart icle", + "Ġa ud", + "Ġre v", + "Ġed uc", + "Ġplay ing", + "0 5", + "Ġhe ld", + "ct or", + "Ġrele ased", + "Ġf ederal", + "3 7", + "Ġad minist", + "Ġinter view", + "Ġinst all", + "Ġrece ived", + "Ġs ource", + "u k", + "P h", + "Ġser ious", + "Ġcre ated", + "Ġc ause", + "Ġim medi", + "Ġdef in", + "u el", + "ĠDep artment", + "ct ions", + "ĠC our", + "ĠN ow", + "z e", + "it es", + "it ution", + "Ġl ate", + "Ġspe ak", + "n ers", + "Ġleg al", + "ar i", + "ĠC or", + "Ġwe eks", + "Ġmod el", + "Ġp red", + "Ġex act", + "B C", + "ĠB y", + "IN G", + "os ing", + "Ġt akes", + "Ġreg ard", + "Ġopp ortun", + "Ġpr ice", + "Ġ19 8", + "ĠA pr", + "f ully", + "Ġor d", + "Ġproble ms", + "ru ction", + "h am", + "ĠC ount", + "le ge", + "Ġlead ers", + "E T", + "le v", + "Ġde ep", + "olog ical", + "es e", + "h aps", + "ĠS ome", + "Ġp ers", + "Ġcont ract", + "Ġrelations hip", + "s p", + "ou d", + "Ġb ase", + "4 8", + "m it", + "A d", + "anc ial", + "Ġcons um", + "Ġpot ential", + "Ġl angu", + "re m", + "et h", + "Ġrel ig", + "ress ed", + "6 6", + "Ġl ink", + "Ġl ower", + "ay er", + "ĠJ une", + "Ġf em", + "un t", + "er c", + "ur d", + "Ġcont act", + "Ġ ill", + "Ġm other", + "Ġest ab", + "h tt", + "ĠM arch", + "ĠB ro", + "ĠCh ina", + "Ġ2 9", + "Ġs qu", + "Ġprov ided", + "Ġa verage", + "as ons", + "Ġ201 1", + "Ġex am", + "l in", + "5 5", + "n ed", + "Ġper fect", + "Ġt ou", + "al se", + "u x", + "Ġbu y", + "Ġsh ot", + "Ġcol lect", + "Ġph ot", + "Ġplay ed", + "Ġsur pr", + "Ġofficial s", + "Ġsim ple", + "av y", + "Ġindust ry", + "Ġhand s", + "g round", + "Ġp ull", + "Ġr ound", + "Ġus er", + "Ġr ange", + "u ary", + "Ġpriv ate", + "op s", + "e es", + "Ġw ays", + "ĠM ich", + "Ġve h", + "Ġex cept", + "Ġter ms", + "im um", + "pp er", + "I ON", + "ore s", + "ĠDr agon", + "ou l", + "Ġd en", + "Ġperform ance", + "Ġb ill", + "c il", + "4 7", + "Ġen vironment", + "Ġex c", + "ad d", + "Ġwor th", + "Ġp ict", + "Ġch ance", + "Ġ201 8", + "b or", + "Ġspe ed", + "ict ion", + "Ġal leg", + "ĠJ apan", + "at ory", + "re et", + "Ġm atch", + "ĠI I", + "Ġst ru", + "ord er", + "Ġst e", + "Ġl iving", + "Ġst ruct", + "in o", + "Ġse par", + "her n", + "Ġresp onse", + "Ġen joy", + "Ġv ia", + "A D", + "um ents", + "ace book", + "Ġmem ber", + "ib r", + "iz ing", + "Ġto ol", + "ĠM on", + "ĠWh ile", + "h ood", + "ĠA ng", + "ĠD ef", + "Ġoff er", + "T r", + "a ur", + "Ġturn ed", + "ĠJ uly", + "d own", + "an ced", + "Ġrec ently", + "ĠE ar", + "Ġc e", + "ĠSt ar", + "ĠC ong", + "rough t", + "Ġbl ood", + "Ġhop e", + "Ġcom ment", + "ain t", + "Ġar ri", + "il es", + "Ġpartic ip", + "ough t", + "ri ption", + "0 8", + "4 9", + "Ġg ave", + "Ġse lect", + "Ġkill ed", + "sy ch", + "Ġgo es", + "i j", + "Ġc oll", + "Ġimp act", + "at ives", + "ĠS er", + "0 9", + "ĠAug ust", + "Ġb oy", + "d e", + "ĠD es", + "Ġf elt", + "U S", + "Ġexpect ed", + "Ġim age", + "ĠM ark", + "cc ording", + "o ice", + "E C", + "ĠM ag", + "en ed", + "h old", + "ĠP ost", + "Ġpre vent", + "N o", + "Ġinvol ved", + "Ġey es", + "Ġquick ly", + "A t", + "un k", + "Ġbeh av", + "Ġ ur", + "Ġl ed", + "c ome", + "e y", + "Ġcand id", + "Ġear lier", + "Ġfoc us", + "et y", + "P ro", + "led ge", + "ix ed", + "ill ed", + "Ġpop ular", + "A P", + "Ġset t", + "l ight", + "Ġvar ious", + "in ks", + "Ġlevel s", + "Ġro ad", + "ell ig", + "ab les", + "he l", + "itte e", + "ĠG ener", + "y pe", + "Ġhe ard", + "ic les", + "Ġm is", + "Ġus ers", + "ĠS an", + "Ġimpro ve", + "Ġf ather", + "Ġse arch", + "The y", + "v il", + "Ġprof ess", + "Ġkn ew", + "Ġl oss", + "Ġev ents", + "6 5", + "Ġb illion", + "0 7", + "0 2", + "ĠNew s", + "ĠA M", + "Ġco ver", + "w here", + "ens ion", + "Ġb ott", + "Ġare as", + "en ces", + "op e", + "ĠTw itter", + "a el", + "Ġget s", + "ĠGo ogle", + "Ġs n", + "i ant", + "Ġv ote", + "Ġnear ly", + "Ġinclud ed", + "Ġrec ogn", + "z z", + "m m", + "al ed", + "Ġhappen ed", + "0 4", + "Ġh ot", + "Ġwho se", + "Ġc ivil", + "Ġsu ff", + "o es", + "it iz", + "ĠSy ri", + "Ġresp ond", + "Ġh on", + "Ġfeat ures", + "Ġeconom ic", + "ĠApr il", + "r im", + "Ġtechn ology", + "Ġo ption", + "ag ing", + "Ġpur ch", + "R e", + "Ġl at", + "ch ie", + "is l", + "Ġrec omm", + "u f", + "Ġtr aining", + "Ġeffect s", + "Ġf ast", + "Ġ201 0", + "Ġocc ur", + "Ġwebs ite", + "Ġem ail", + "Ġs ens", + "e ch", + "Ġo il", + "Ġinf lu", + "Ġcurrent ly", + "ĠS ch", + "ĠAd d", + "Ġgo al", + "Ġsc ient", + "Ġcon v", + "1 00", + "em y", + "Ġdec ided", + "Ġtra vel", + "Ġm ention", + "L L", + "0 3", + "Ġe lection", + "Ġph one", + "Ġlook s", + "Ġsit uation", + "Ġc y", + "Ġh or", + "b ed", + "ĠCour t", + "a ily", + "av es", + "Ġqu ality", + "ĠCom p", + "w ise", + "Ġt able", + "Ġst aff", + "ĠW ind", + "et t", + "Ġtri ed", + "ide red", + "Ġadd ition", + "Ġb ox", + "Ġl ack", + "ar ily", + "Ġw ide", + "Ġm id", + "Ġbo ard", + "ys is", + "Ġant i", + "h a", + "Ġd ig", + "en ing", + "Ġd ro", + "C on", + "6 8", + "Ġsl ow", + "b ased", + "se qu", + "Ġp ath", + "E x", + "ak er", + "Ġwork ed", + "Ġp en", + "Ġeng ine", + "Ġlook ed", + "ĠSu per", + "ĠS erv", + "Ġvict im", + "U n", + "Ġproper ty", + "Ġint rodu", + "Ġexec ut", + "ĠP M", + "L e", + "Ġcol or", + "ĠM ore", + "Ġ6 0", + "Ġnet work", + "Ġd ate", + "c ul", + "id ge", + "Ġext ra", + "3 1", + "Ġs le", + "6 7", + "Ġw ond", + "Ġreport s", + "j ust", + "ĠAust ral", + "Ġcap ital", + "Ġen s", + "Ġcomm and", + "Ġallow ed", + "Ġpre p", + "Ġca pt", + "h ib", + "Ġnum bers", + "ch an", + "Ġf air", + "m p", + "om s", + "Ġre ach", + "W ith", + "t ain", + "Ġbro ad", + "Ġcou ple", + "ec ause", + "ly ing", + "ĠF eb", + "Ġsc reen", + "Ġl ives", + "Ġpri or", + "ĠCong ress", + "A r", + "Ġappro ach", + "Ġe mer", + "ar ies", + "ĠD is", + "s erv", + "ĠN e", + "Ġbu ilt", + "c ies", + "Ġre pe", + "Ġrul es", + "for ce", + "ĠP al", + "Ġfin ancial", + "Ġcons idered", + "ĠCh ar", + "n ces", + "ĠI S", + "Ġb rought", + "Ġb i", + "i ers", + "ĠS im", + "O P", + "Ġproduct s", + "Ġvis it", + "Ġdoc ument", + "Ġcon duct", + "Ġcomplete ly", + "in ing", + "ĠCal if", + "ib ly", + "Ġwr itten", + "ĠT V", + "em ents", + "Ġd raw", + "O ne", + "Ġpub lished", + "Ġsec ret", + "r ain", + "he t", + "ĠF acebook", + "ond ay", + "ĠU p", + "Ġsex ual", + "Ġth ous", + "ĠP at", + "Ġ ess", + "Ġstand ard", + "Ġar m", + "g es", + "ect ion", + "Ġf ell", + "Ġfore ign", + "an i", + "ĠFr iday", + "Ġreg ular", + "in ary", + "Ġincre ased", + "Ġus ually", + "Ġdem on", + "Ġd ark", + "Ġadd itional", + "ro l", + "ĠO f", + "Ġprodu ction", + "! !", + "und red", + "Ġintern ational", + "id ents", + "ĠF ree", + "rou p", + "Ġr ace", + "Ġm ach", + "Ġh uge", + "A ll", + "le ar", + "ove mber", + "Ġto wn", + "Ġatt ention", + "ĠO ff", + "y ond", + "ĠThe n", + "f ield", + "Ġter ror", + "ra z", + "ĠB o", + "Ġmeet ing", + "ĠP ark", + "Ġar rest", + "Ġf ear", + "Ġa w", + "ĠV al", + "or ing", + "' ,", + "Ġext reme", + "ar r", + "Ġwork ers", + "A fter", + "Ġ3 1", + "n et", + "am ent", + "Ġdirect ly", + "Ġpop ulation", + "ub e", + "ĠOct ober", + "ĠI N", + "ĠJan uary", + "5 9", + "ĠDav id", + "Ġc ross", + "ce mber", + "ĠF irst", + "Ġmess age", + "ir it", + "Ġn ation", + "Ġp oll", + "is ions", + "Ġansw er", + "n y", + "is ode", + "Ġcar ry", + "ĠRuss ia", + "Ġhe ar", + "eng th", + "ro y", + "Ġn atural", + "in ally", + "Ġdo g", + "m itted", + "Ġtr ade", + "Ġsub st", + "Ġmult iple", + "ĠAf ric", + "Ġf ans", + "Ġs ort", + "Ġgl obal", + "ic ation", + "ĠW ed", + "ar a", + "Ġa chie", + "Ġlangu age", + "ve y", + "Ġt al", + "Ġnecess ary", + "Ġdet ails", + "Ġs en", + "ĠS und", + "ĠRe g", + "ĠR ec", + "0 6", + "Ġs il", + "ress ive", + "Ġmed ical", + "un ch", + "orn ia", + "Ġu nd", + "f ort", + "oc ks", + "ĠM onday", + "ues day", + "c raft", + "7 7", + "ur t", + "Ġ ver", + "ĠH ill", + "Ġrece ive", + "Ġmor ning", + "es tern", + "Ġb ank", + "Ġs at", + "ir th", + "ĠH igh", + "Ġdev ice", + "ĠTH E", + "ĠCent er", + "Ġsaf e", + "Ġp le", + "ĠCanad a", + "Ġsystem s", + "Ġass ist", + "Ġsur v", + "Ġb attle", + "ĠS oc", + "vert is", + "S he", + "Ġp aper", + "Ġgrow th", + "Ġc ast", + "S c", + "Ġpl ans", + "ll ed", + "Ġpart s", + "Ġw all", + "Ġmove ment", + "Ġpract ice", + "im ately", + "Ġdis play", + "Ġsomet imes", + "om p", + "ĠP aul", + "ĠY es", + "k ing", + "5 8", + "o ly", + "Ġs on", + "Ġav oid", + "ok es", + "ĠJ ew", + "Ġto wards", + "as c", + "Ġ //", + "ĠK ore", + "Ġtalk ing", + "Ġcor rect", + "Ġsp ent", + "ic ks", + "i able", + "e ared", + "Ġter m", + "Ġwant s", + "om ing", + "Ġ ut", + "Ġdou b", + "Ġfor ces", + "Ġp lease", + "6 9", + "ĠN ovember", + "at form", + "ond on", + "Ġon es", + "Ġimmedi ately", + "ĠRuss ian", + "ĠM et", + "Ġde g", + "Ġparent s", + "C H", + "ĠAmeric ans", + "al y", + "ĠM od", + "Ġsh own", + "Ġcond itions", + "Ġst uff", + "Ġre b", + "ĠY our", + "Ġinclud es", + "n own", + "ĠS am", + "Ġexper ien", + "m ission", + "ĠE ven", + "augh t", + "Ġannoun ced", + "ĠRepublic an", + "Ġdeter min", + "Ġdescrib ed", + "ĠCount y", + "( )", + "Ġdo or", + "Ġchang ed", + "Ġne igh", + "ĠH ere", + "Ġcle an", + "Ġp an", + "ĠDe cember", + "ĠEurope an", + "ir ing", + "ap ter", + "Ġcl ub", + "ĠT uesday", + "Ġp aid", + "ĠN et", + "Ġattack s", + "Ġcharact ers", + "Ġal one", + "Ġdirect or", + "d om", + "Ġ3 5", + "Ġl oad", + "Ġr out", + "ĠCalif ornia", + "Ġfin ally", + "Ġr ac", + "Ġcont r", + "Ġexact ly", + "res h", + "p ri", + "ĠIs lam", + "Ġn ature", + "Ġcare er", + "Ġlat est", + "Ġcon vers", + "ĠS l", + "p ose", + "ci ent", + "ĠIn c", + "iv ity", + "8 8", + "ĠA tt", + "ĠM or", + "nes day", + "Ġwe ight", + "k en", + "Ġnot e", + "Ġteam s", + "Ġ \\", + "air s", + "ĠG reen", + "Ġh undred", + "on ent", + "Ġstre ng", + "Ġcons ist", + "ic ated", + "Ġreg ul", + "Ġl ic", + "ast ic", + "Ġt en", + "urs day", + "ellig ence", + "ous ly", + "ĠU K", + "B I", + "Ġcost s", + "Ġind epend", + "ĠA P", + "Ġnorm al", + "Ġh om", + "Ġob vious", + "Ġs we", + "Ġst ar", + "Ġread y", + "ac her", + "Ġimp lement", + "g est", + "Ġs ong", + "ĠG et", + "ĠL ab", + "Ġinterest ing", + "us ing", + "Ġg iving", + "ĠSund ay", + "Ġet c", + "Ġm iddle", + "Ġrem ember", + "r ight", + "os ition", + "ut ions", + "Ġm ax", + "4 6", + "Ġyour self", + "Ġdem and", + "Ġtreat ment", + "Ġd anger", + "ĠC ons", + "Ġgu y", + "ĠBrit ish", + "Ġphys ical", + "Ġrel ated", + "Ġrem ain", + "Ġcould n", + "Ġref er", + "Ġc itiz", + "b ox", + "EN T", + "bo ard", + "Ġin n", + "I G", + "er o", + "ĠSt reet", + "osp ital", + "ren ch", + "cher s", + "Ġst ra", + "O L", + "ag er", + "ĠA N", + "Ġeas ily", + "I A", + "en ge", + "in y", + "Ġcl os", + "ock ed", + "Ġus es", + "ĠC oun", + "I m", + "u ild", + "? ?", + "m ore", + "Ġan g", + "Ġwr ite", + "ol ute", + "5 7", + "Ġlead er", + "Ġread ing", + "< /", + "Ġaut om", + "est s", + "4 3", + "Ġleg isl", + "ĠG old", + "Ġdesign ed", + "ĠS T", + "ĠLe g", + "a res", + "Ġbe aut", + "ĠT ex", + "Ġappear s", + "Ġstru gg", + "ĠR om", + "Ġ 00", + "Ġcho ice", + "Ġparticular ly", + "ĠF rom", + "op er", + "ĠL ondon", + "ann ed", + "Ġallow s", + "ob ile", + "Ġdiffere nce", + "âĢ ¢", + "ĠV iew", + "ĠWed nesday", + "Ġal though", + "Ġrel ative", + "Ġapplic ation", + "ate ver", + "Ġare n", + "Ġmy self", + "Ġim ag", + "Ġdis e", + "Ġsoc iety", + "Ġfre qu", + "ĠEng lish", + "Ġpo or", + "ĠD ay", + "Ġwrit ing", + "Ġse ven", + "Ġstart ing", + "Ġb ud", + "Ġpr int", + "ĠTr ans", + "uf act", + "ĠSt ud", + "n ew", + "Ġcr im", + "Ġg ives", + "Ġco ol", + "a e", + "i ance", + "ĠGener al", + "Ġthink ing", + "Ġsa ve", + "Ġlim ited", + "ĠPart y", + "Ġmean ing", + "p en", + "ow ers", + "ĠJ ack", + "E M", + "Ġn ice", + "ru pt", + "Ġg as", + "Ġe ight", + "Ġfe et", + "Ġeff ort", + "Ġ ign", + "ic it", + "B l", + "co in", + "Ġop in", + "Ġbr ain", + "Wh ile", + "he st", + "ĠTh ursday", + "Ġwould n", + "augh ter", + "Ġtou ch", + "le ments", + "Ġstud ies", + "Ġcent er", + "c ont", + "or ge", + "Ġcomput er", + "Ġinvestig ation", + "P l", + "or ks", + "Ġ200 8", + "Ġincre asing", + "Ġst ore", + "Ġcom ments", + "Ġb al", + "m en", + "Ġdo ll", + "Ġl iber", + "Ġw ife", + "Ġlaw s", + "atur day", + "it ness", + "Ġmod ern", + "ĠS k", + "Ġadminist ration", + "Ġopportun ity", + "Ġs al", + "Ġpower ful", + "M y", + "Ġclaim s", + "ĠEar th", + "ord s", + "Ġt itle", + "Ġes c", + "n ame", + "N ot", + "om en", + "Ġbe yond", + "Ġc amer", + "Ġse ll", + "it ute", + "ear ch", + "Ġapp l", + "im ent", + "4 2", + "ĠAr t", + "Ġun f", + "Ġviol ence", + "ur g", + "ĠE ast", + "Ġcomp ared", + "Ġopt ions", + "Ġthrough out", + "Ġv s", + "ig r", + ". [", + "ac hes", + "7 8", + "Ġfil es", + "F L", + "E L", + "ar ian", + "ĠJ ames", + "ĠA ir", + "an ch", + "Ġdet ail", + "Ġpie ce", + "P S", + "Ġn amed", + "Ġeduc ation", + "Ġdri ve", + "Ġitem s", + "Ġstud ent", + "ic ed", + ": :", + "ic o", + "Ġth row", + "Ġsc ene", + "Ġcomple x", + "Ġ200 9", + "Ġpre c", + "ĠB re", + "7 9", + "Ġcon cept", + "Ġstat us", + "am ing", + "Ġd ied", + "Ġknow ledge", + "Ġbegin ning", + "O D", + "ru ary", + "Ġcertain ly", + "Ġgu ys", + "Ġsl ight", + "in n", + "ound s", + "Ġf ine", + "Ġf at", + "ic ations", + "Ġper haps", + "ĠA nt", + "Ġinc ome", + "Ġhtt ps", + "Ġmajor ity", + "port s", + "st on", + "Ġgreat er", + "Ġfe ed", + "ent ially", + "Ġsaf ety", + "Ġun ique", + "and om", + "Ġg one", + "Ġshow ed", + "Ġhist or", + "Ġcoun ter", + "i us", + "id a", + "Ġlead ing", + "i pe", + "Ġs end", + "ĠDon ald", + "er ve", + "Ġdef ense", + "ines e", + "Ġy es", + "ĠF ire", + "ĠMus lim", + "ra q", + "Ġcontin ued", + "os h", + "Ġprov ides", + "Ġpr ison", + "ĠP re", + "Ġhapp y", + "Ġeconom y", + "Ġtr ust", + "ag s", + "ĠG ame", + "Ġweap ons", + "um an", + "ĠC le", + "it ation", + "Ġanal ysis", + "ĠT imes", + "Ġsc ience", + "- >", + "Ġfig ure", + "Ġdis app", + "ent y", + "Ġsoft ware", + "Ġu lt", + "Ġoffic ers", + "N ew", + "I s", + "Ġrem ains", + "ĠInd ia", + "Ġp sych", + "ri ef", + "Ġc at", + "es c", + "Ġob serv", + "Ġst age", + "ĠD ark", + "Ġent er", + "ch ange", + "Ġpass ed", + "Ġdes pite", + "ĠO ut", + "Ġmov ie", + "r s", + "Ġv oice", + "m ine", + "ĠPl ay", + "Ġto ward", + "ĠT er", + "Ġreg ion", + "Ġval ues", + "or ters", + "Ġm ount", + "Ġoffic er", + "ĠO ther", + "b an", + "Ġh ous", + "w ood", + "ro om", + "I V", + "ĠS un", + "se e", + "ĠO ver", + "ro g", + "9 0", + "Ġl ay", + "ĠT ur", + "a wn", + "Ġpress ure", + "ĠS ub", + "Ġbook s", + "ed om", + "ĠS and", + "A A", + "ag o", + "Ġre asons", + "f ord", + "Ġactiv ity", + "U T", + "N ow", + "ĠSen ate", + "ce ll", + "n ight", + "Ġcall s", + "in ter", + "Ġlet ter", + "ĠR ob", + "ĠJ e", + "Ġcho ose", + "ĠL aw", + "G et", + "B e", + "Ġro b", + "Ġtyp es", + "Ġpl atform", + "Ġqu arter", + "R A", + "ĠT ime", + "Ġmay be", + "ĠC r", + "9 5", + "p re", + "Ġmov ing", + "Ġl if", + "Ġgo ld", + "Ġs om", + "Ġpat ients", + "Ġtr uth", + "ĠK e", + "ur ance", + "ant ly", + "m ar", + "Ġchar ge", + "ĠG reat", + "Ġce le", + "---------------- ----------------", + "Ġro ck", + "ro id", + "an cy", + "Ġcred it", + "a ud", + "B y", + "ĠE very", + "Ġmov ed", + "ing er", + "rib ution", + "Ġn ames", + "Ġstra ight", + "ĠHe alth", + "ĠW ell", + "Ġfe ature", + "Ġr ule", + "Ġsc he", + "in ated", + "ĠMich ael", + "ber g", + "4 1", + "il ed", + "b and", + "Ġcl ick", + "ĠAng el", + "on ents", + " Ń", + "ĠI raq", + "ĠS aturday", + "Ġa ware", + "p art", + "Ġpat tern", + "O W", + "ĠL et", + "Ġgr ad", + "ign ed", + "Ġassoci ated", + "Ġst yle", + "n o", + "i ation", + "a ith", + "il ies", + "Ġst ories", + "ur ation", + "Ġindividual s", + "ĠâĢ ¦", + "m iss", + "ĠAss oci", + "ish ing", + "ab y", + "Ġsum mer", + "ĠB en", + "Ġ3 2", + "Ġar ch", + "ut y", + "ĠTex as", + "h ol", + "Ġfull y", + "Ġm ill", + "Ġfollow ed", + "ĠB ill", + "ĠInd ian", + "ĠSec ret", + "ĠB el", + "ĠFeb ruary", + "Ġjob s", + "Ġseem ed", + "ĠGo vern", + "i pped", + "Ġreal ity", + "Ġl ines", + "Ġp ark", + "Ġmeas ure", + "ĠO ur", + "I M", + "Ġbro ther", + "Ġgrow ing", + "Ġb an", + "Ġest im", + "Ġc ry", + "ĠS chool", + "Ġme chan", + "ĠO F", + "ĠWind ows", + "Ġr ates", + "ĠO h", + "Ġpos itive", + "Ġcult ure", + "ist ics", + "ic a", + "Ġh ar", + "y a", + "ite ly", + "i pp", + "Ġm ap", + "en cies", + "ĠWill iam", + "I I", + "ak ers", + "5 6", + "ĠM art", + "ĠR em", + "Ġal tern", + "it ude", + "Ġco ach", + "row d", + "D on", + "Ġk ids", + "Ġj ournal", + "Ġcor por", + "Ġf alse", + "Ġwe b", + "Ġsle ep", + "Ġcont ain", + "Ġst o", + "Ġb ed", + "iver se", + "ĠR ich", + "ĠCh inese", + "Ġp un", + "Ġme ant", + "k nown", + "Ġnot ice", + "Ġfavor ite", + "a ven", + "Ġcond ition", + "Ġpur pose", + ") )", + "Ġorgan ization", + "Ġchall eng", + "Ġman ufact", + "Ġsus p", + "ĠA c", + "Ġcrit ic", + "un es", + "uc lear", + "Ġm er", + "vent ion", + "Ġ8 0", + "Ġm ist", + "ĠU s", + "ĠT or", + "htt p", + "ol f", + "Ġlarg er", + "Ġadv ant", + "Ġrese ar", + "Ġact ions", + "m l", + "Ġke pt", + "Ġa im", + ", '", + "c ol", + "Ġbenef its", + "if ying", + "Ġact ual", + "ĠIntern ational", + "Ġveh icle", + "Ġch ief", + "Ġeff orts", + "ĠLe ague", + "ĠM ost", + "Ġwa it", + "Ġad ult", + "Ġover all", + "Ġspe ech", + "Ġhigh ly", + "Ġfem ale", + "Ġer ror", + "Ġeffect ive", + "5 4", + "Ġenc our", + "w ell", + "Ġfail ed", + "Ġcons erv", + "Ġprogram s", + "Ġt rou", + "Ġa head", + "5 00", + "vertis ement", + "I P", + "ĠF ound", + "p ir", + "Ġ %", + "Ġcr ime", + "and er", + "Ġloc ation", + "ĠI ran", + "Ġbehav ior", + "az ing", + "Ġr are", + "Ġem b", + "Ġca used", + "Ġsh ip", + "Ġact ive", + "Ġcont ribut", + "Ġg reen", + "Ġac qu", + "Ġref lect", + "ven ue", + "Ġf irm", + "Ġb irth", + "] .", + "Ġclear ly", + "Ġem ot", + "Ġag ency", + "ri age", + "Ġmem ory", + "9 8", + "S A", + "ĠSe e", + "ac ing", + "C C", + "Ġbig gest", + "Ġr ap", + "Ġbas ic", + "Ġb and", + "e at", + "Ġsus pect", + "ĠM ac", + "Ġ9 0", + "m ark", + "ist an", + "Ġsp read", + "am s", + "k i", + "as y", + "ra v", + "ĠR ober", + "Ġdemon str", + "r ated", + "Ġabs olute", + "Ġpl aces", + "Ġim pl", + "ibr ary", + "Ġc ards", + "Ġdest roy", + "Ġv irt", + "ve re", + "Ġapp eared", + "y an", + "p oint", + "Ġbe g", + "Ġtem per", + "s pe", + "ant ed", + "ear s", + "ĠD irect", + "Ġl ength", + "Ġbl og", + "am b", + "Ġint eg", + "Ġres ources", + "ac c", + "if ul", + "Ġsp ot", + "Ġfor ced", + "Ġthous ands", + "ĠMin ister", + "Ġqu al", + "ĠF rench", + "at ically", + "Ġgener ally", + "Ġdr ink", + "Ġth us", + "I L", + "od es", + "Ġappro pri", + "ĠRe ad", + "Ġwh om", + "Ġey e", + "Ġcol lege", + "Ġ4 5", + "ire ction", + "Ġens ure", + "Ġapp arent", + "id ers", + "Ġrelig ious", + "Ġmin or", + "ol ic", + "Ġt ro", + "ĠWh y", + "rib ute", + "m et", + "Ġprim ary", + "Ġdevelop ed", + "Ġpe ace", + "Ġsk in", + "st e", + "av a", + "Ġbl ue", + "Ġfam ilies", + "Ġ ir", + "Ġapp ly", + "Ġin form", + "ĠSm ith", + "C T", + "i i", + "Ġlim it", + "Ġres ist", + "........ ........", + "um n", + "Ġconf lic", + "Ġtw e", + "ud d", + "ĠT om", + "Ġl iter", + "qu e", + "b on", + "Ġha ir", + "Ġevent ually", + "Ġp us", + "Ġhelp ed", + "Ġag g", + "or ney", + "ĠApp le", + "Ġf it", + "ĠS ur", + "Ġpre m", + "Ġs ales", + "Ġsecond s", + "Ġstreng th", + "Ġfeel ing", + "¿ ½", + "Ġt our", + "Ġknow s", + "o om", + "Ġex erc", + "Ġsom ew", + "ï ¿½", + "> >", + "Ġsp okes", + "Ġide as", + "Ġreg ist", + "so ft", + "ĠD el", + "ĠP C", + "Ġpro pos", + "Ġlaun ch", + "Ġbott om", + "T H", + "ĠP lease", + "v est", + "it z", + "ĠIn ter", + "Ġsc ript", + "Ġr at", + "ar ning", + "Ġ il", + "ĠJ er", + "ĠA re", + "Ġwh atever", + "ok en", + "ci ence", + "Ġmod e", + "Ġag ree", + "Ġs ources", + "Ġinit ial", + "Ġrest rict", + "Ġwond er", + "us ion", + "## ##", + "ĠS il", + "vil le", + "Ġb urn", + "t w", + "as ion", + "Ġ £", + "Ġn or", + "u ing", + "Ġre ached", + "Ġs un", + "Ġc ateg", + "ig ration", + "Ġc ook", + "Ġprom ot", + "Ġm ale", + "Ġcl imate", + "Ġf ix", + "Ġalleg ed", + "U R", + "all ed", + "Ġim ages", + "C ont", + "ot a", + "Ġschool s", + "i os", + "Ġd rop", + "Ġst ream", + "ĠM o", + "Ġprevious ly", + "al ing", + "Ġp et", + "Ġdou ble", + "Ġ( @", + "ann el", + "Ġdef ault", + "t ies", + "Ġr ank", + "ĠD ec", + "ĠCoun cil", + "Ġweap on", + "Ġst ock", + "Ġanal y", + "ĠSt r", + "Ġpict ure", + "ĠPol ice", + "f erence", + "Ġcent ury", + "Ġcitiz ens", + "Ġon to", + "Ġexp and", + "Ġhe ro", + "ĠS ol", + "Ġw ild", + "Ġupd ate", + "Ġcustom ers", + "r ont", + "d ef", + "Ġl ik", + "Ġcrim inal", + "ĠChrist ian", + "S P", + "7 6", + "Ġle aving", + "Ġother wise", + "ĠD ist", + "Ġbas is", + "5 2", + "5 3", + "ic ip", + "ĠB er", + "Ġrecomm end", + "Ġfl oor", + "Ġc rowd", + "ol es", + "Ġ7 0", + "Ġcent ral", + "ĠE v", + "Ġd ream", + "Ġdown load", + "Ġconf ir", + "ĠTh om", + "Ġwind ow", + "Ġhapp ens", + "Ġun it", + "Ġt end", + "Ġs pl", + "Ġbec omes", + "Ġfight ing", + "Ġpred ict", + "ĠP ress", + "ĠP ower", + "Ġhe avy", + "ak ed", + "Ġf an", + "or ter", + "ate gy", + "B A", + "iz es", + "Ġsp end", + "H ere", + "Ġ200 7", + "Ġad op", + "ĠH am", + "Ġfoot ball", + "ĠP ort", + "od ay", + "5 1", + "amp ions", + "Ġtrans fer", + "h t", + "Ġ3 8", + "ter m", + "ac ity", + "Ġb ur", + "] ,", + "tern al", + "r ig", + "b ut", + "Ġthere fore", + "ĠB ecause", + "res p", + "re y", + "Ġm ission", + "S ome", + "Ġnot ed", + "Ġass um", + "Ġdise ase", + "Ġed it", + "Ġprog ress", + "r d", + "ĠB rown", + "oc al", + "Ġadd ing", + "Ġra ised", + "ĠAn y", + "Ġt ick", + "Ġsee ing", + "ĠPe ople", + "Ġagre ement", + "Ġser ver", + "Ġw at", + "Ġdeb ate", + "Ġsupp osed", + "il ing", + "Ġlarg est", + "Ġsuccess ful", + "ĠP ri", + "ĠDemocr atic", + "Ġj ump", + "ĠSyri a", + "Ġown ers", + "Ġoff ers", + "Ġshoot ing", + "Ġeff ic", + "se y", + "Ġha ven", + "ver se", + "te red", + "ĠL ight", + "im al", + "ĠB ig", + "Ġdef end", + "Ġbe at", + "Ġrecord s", + "% )", + "Ġsc en", + "Ġemploy ees", + "Ġdev ices", + "he m", + "Ġcom mer", + "ĠM ex", + "Ġbenef it", + "ĠPro f", + "Ġil leg", + "Ġsur face", + "ĠAl so", + "Ġh arm", + "ing ly", + "w ide", + "ĠA lex", + "Ġsh ut", + "ĠC ur", + "Ġl ose", + "p m", + "Ġchall enge", + "se mb", + "Ġst ation", + "Ġint elligence", + "Ġacc ur", + "ĠFl or", + "Ġrequ ires", + "ĠM al", + "b um", + "Ġh ospital", + "Ġsp irit", + "Ġoff ered", + "Ġprodu ce", + "ĠComm un", + "Ġcreat ing", + "Ġcr is", + "s pect", + "Ġend ed", + "Ġd aily", + "Ġvot ers", + "land s", + "i as", + "i h", + "on a", + "Ġsm art", + "ĠOff ice", + "ĠL ord", + "ri al", + "ĠIntern et", + "Ġcirc um", + "Ġextreme ly", + "' .", + "Ġopin ion", + "ĠM il", + "Ġg ain", + "B S", + "ĠF in", + "y p", + "Ġuse ful", + "Ġbud get", + "Ġcom fort", + "is f", + "Ġback ground", + "el ine", + "Ġep isode", + "Ġen emy", + "Ġtri al", + "Ġestab lish", + "d ate", + "ĠC ap", + "Ġcontin ues", + "Ġshow ing", + "ĠUn ion", + "w ith", + "Ġpost ed", + "ĠSy stem", + "Ġe at", + "ri an", + "Ġr ise", + "ĠGerman y", + "il s", + "Ġsign ed", + "Ġv ill", + "Ġgr and", + "m or", + "ĠEng land", + "Ġproject s", + "um ber", + "Ġconf erence", + "z a", + "Ġrespons ible", + "ĠAr ab", + "Ġlearn ed", + "âĢĶ âĢĶ", + "i pping", + "ĠGe orge", + "O C", + "Ġreturn ed", + "ĠAustral ia", + "Ġb rief", + "Q u", + "Ġbr and", + "ill ing", + "ab led", + "Ġhig hest", + "Ġtr ain", + "ĠComm ission", + "wh ile", + "Ġn om", + "cept ion", + "Ġm ut", + "ĠBl ue", + "Ġinc ident", + "v ant", + "8 6", + "ĠI D", + "Ġn uclear", + "7 4", + "ĠL ike", + "ĠR E", + "ĠM icro", + "l i", + "m ail", + "Ġcharg es", + "8 9", + "Ġad just", + "ad o", + "Ġear th", + "N A", + "Ġpr ices", + "P A", + "Ġd raft", + "Ġrun s", + "Ġcandid ate", + "ens es", + "Ġmanag ement", + "ĠPh il", + "ĠM iss", + "Ġte ach", + "g ram", + "Ġunderstand ing", + "a it", + "ic ago", + "A dd", + "ĠE p", + "sec ut", + "Ġsepar ate", + "Ġinst ance", + "Ġe th", + "Ġun less", + "**** ****", + "ĠF ore", + "in ate", + "Ġoper ations", + "S p", + "Ġf aith", + "g ar", + "ĠCh urch", + "ron ic", + "Ġconf ig", + "os ure", + "Ġactiv ities", + "Ġtrad itional", + "Ġ3 6", + "Ġd irection", + "Ġmach ine", + "Ġsur round", + "Ġp ush", + "un ction", + "ĠE U", + "Ġeas ier", + "Ġarg ument", + "G B", + "Ġm icro", + "Ġsp ending", + "iz ations", + "Ġthe ory", + "ad ow", + "Ġcall ing", + "ĠL ast", + "Ġd er", + "Ġinflu ence", + "Ġcomm it", + "Ġph oto", + "Ġun c", + "ist ry", + "g n", + "ast e", + "ack s", + "Ġdis p", + "ad y", + "d o", + "ĠG ood", + "Ġ `", + "Ġw ish", + "Ġreve aled", + "Âł Âł", + "l ig", + "Ġen force", + "ĠComm ittee", + "Ġche m", + "Ġmil es", + "Ġinterest ed", + "Ġsol ution", + "ic y", + "in ct", + "Ġ- >", + "ĠD et", + "Ġrem oved", + "Ġcomp ar", + "e ah", + "Ġpl ant", + "ĠS ince", + "Ġachie ve", + "Ġadvant age", + "Ġslight ly", + "b ing", + "Ġpl aced", + "u nder", + "201 5", + "ĠM ad", + "Ġt im", + "os es", + "Ġc ru", + "ĠR ock", + "Ġmost ly", + "Ġneg ative", + "Ġset ting", + "Ġprodu ced", + "Ġm ur", + "Ġconnect ion", + "ĠM er", + "Ġdri ver", + "Ġexecut ive", + "Ġass ault", + "Ġb orn", + "ĠV er", + "t ained", + "Ġstruct ure", + "Ġredu ce", + "Ġdec ades", + "Ġd ed", + "u ke", + "ĠM any", + "idd en", + "Ġle ague", + "S e", + "Ġjo in", + "Ġdis co", + "Ġd ie", + "c ks", + "act ions", + "Ġass ess", + "ag n", + "Ġgo als", + "our s", + "I R", + "Ġsen ior", + "ill er", + "m od", + "ip ment", + "oc ol", + "u y", + "ĠQ ue", + "Ġpart ies", + "ir gin", + "Ġle arning", + "it able", + "Ġstre et", + "Ġcamer a", + "A pp", + "Ġsk ills", + "b re", + "c ious", + "Ġcele br", + "ĠFr anc", + "Ġexist ing", + "Ġwill ing", + "l or", + "Ġ id", + "ĠSp ace", + "Ġcrit ical", + "ĠL a", + "ortun ately", + "Ġser ve", + "Ġc old", + "Ġspec ies", + "T S", + "Ġanim als", + "ĠB ay", + "Ġold er", + "ĠU nder", + "est ic", + "ĠT re", + "Ġte acher", + "Ġpre fer", + "v is", + "Ġth read", + "ĠM att", + "Ġmanag er", + "ãĥ »", + "Ġprofess ional", + "ĠV ol", + "Ġnot es", + "The se", + "ul a", + "Ġf resh", + "ent ed", + "u zz", + "ed y", + "clus ion", + "ĠR el", + "Ġdoub t", + "E O", + "Ġopen ed", + "ĠB it", + "Ad vertisement", + "Ġgu ess", + "ĠU N", + "Ġse qu", + "Ġexpl ain", + "ott en", + "Ġatt ract", + "ak s", + "Ġstr ing", + "Ġcont ext", + "oss ible", + "ĠRepublic ans", + "Ġsol id", + "Ġc ities", + "Ġask ing", + "Ġr andom", + "u ps", + "ur ies", + "ar ant", + "dd en", + "g l", + "ĠFlor ida", + "Ġdep end", + "ĠSc ott", + "Ġ3 3", + "Ġi T", + "ic on", + "Ġmention ed", + "Ġ2 000", + "Ġclaim ed", + "Ġdefin itely", + "ul f", + "Ġc ore", + "Ġopen ing", + "ĠCon st", + "wh ich", + "ĠT ra", + "A G", + "7 2", + "Ġbelie ved", + "ad a", + "Ġ4 8", + "ĠSec urity", + "yr ight", + "ĠP et", + "ĠL ou", + "Ġhold ing", + "======== ========", + "Ġ ice", + "Ġb row", + "Ġauthor ities", + "h ost", + "w ord", + "Ġsc ore", + "ĠD iv", + "Ġcell s", + "Ġtrans l", + "Ġneigh bor", + "Ġrem ove", + "u ct", + "Ġdist rict", + "ĠA ccording", + "Ġwor se", + "Ġconcern s", + "Ġpresident ial", + "Ġpolic ies", + "ĠH all", + "7 3", + "Ġh us", + "A Y", + "Ġ200 6", + "ĠJ ud", + "Ġindepend ent", + "ĠJust ice", + "ili ar", + "pr int", + "igh ter", + "Ġprotect ion", + "z en", + "Ġsu dden", + "h ouse", + "ĠJ es", + "P R", + "ĠIn f", + "Ġb ul", + "Ġ _", + "ĠServ ice", + "ĠP R", + "Ġstr ategy", + "ff ect", + "Ġgirl s", + "Ġmiss ing", + "oy al", + "ĠTe am", + "ul ated", + "Ġd at", + "Ġpolit ics", + "ab or", + "A ccording", + "Ġspe ll", + "Ġg raph", + "ort hern", + "T C", + "A b", + "Ġlab or", + "is her", + "Ġk ick", + "ĠiT unes", + "Ġstep s", + "pos es", + "Ġsmall er", + "E n", + "ber t", + "Ġro ll", + "Ġresear chers", + "Ġcl osed", + "Ġtrans port", + "Ġlaw y", + "________ ________", + "ĠCh icago", + "Ġas pect", + "Ġn one", + "Ġmar riage", + "9 6", + "Ġe lements", + "ĠF re", + "ĠS al", + "Ġd ram", + "F C", + "t op", + "e qu", + "Ġhe aring", + "Ġsupport ed", + "Ġtest ing", + "co hol", + "Ġmass ive", + "Ġst ick", + "Ġgu ard", + "is co", + "ph one", + "F rom", + "How ever", + "Ġb order", + "Ġcop y", + "ograph y", + "l ist", + "7 1", + "Ġown er", + "cl ass", + "ru it", + "r ate", + "ĠO nce", + "Ġdig ital", + "Ġt ask", + "ER S", + "Ġinc red", + "t es", + "+ +", + "ĠFr ance", + "Ġb reat", + "ow l", + "Ġiss ued", + "ĠW estern", + "Ġdet ect", + "Ġpart ners", + "Ġsh ared", + "ĠC all", + "Ġcan cer", + "ac he", + "rib e", + "Ġexpl ained", + "Ġhe at", + "{ \"", + "Ġinvest ment", + "ĠB ook", + "Ġw ood", + "Ġtool s", + "ĠAl though", + "Ġbelie f", + "Ġcris is", + "Ġg e", + "ĠM P", + "Ġoper ation", + "ty pe", + "~ ~", + "g a", + "Ġcont ains", + "ant a", + "Ġexp ress", + "ĠG roup", + "ĠJ ournal", + "k a", + "Ġam b", + "ĠUS A", + "Ġfind ing", + "Ġfund ing", + "h ow", + "Ġestab lished", + "ide os", + "Ġdeg ree", + "Ġdanger ous", + "ang ing", + "Ġfre edom", + "pp ort", + "out hern", + "Ġch urch", + "Ġc atch", + "ĠTw o", + "Ġpres ence", + "ĠGu ard", + "U p", + "Ġauthor ity", + "ĠPro ject", + "Ġbut ton", + "Ġcon sequ", + "Ġval id", + "Ġwe ak", + "Ġstart s", + "Ġref erence", + "ĠM em", + "\" )", + "U N", + "or age", + "ĠO pen", + "Ġcol lection", + "y m", + "g ency", + "Ġbeaut iful", + "ro s", + "Ġtell s", + "Ġwa iting", + "n el", + "Ġprov iding", + "ĠDemocr ats", + "Ġd aughter", + "Ġm aster", + "Ġpur poses", + "ĠJapan ese", + "Ġequ al", + "Ġturn s", + "Ġdoc uments", + "Ġwatch ing", + "R es", + "Ġr an", + "201 4", + "Ġre ject", + "ĠKore a", + "Ġvictim s", + "Le vel", + "ere nces", + "Ġw itness", + "Ġ3 4", + "Ġre form", + "com ing", + "Ġocc up", + "Ġc aught", + "Ġtra ffic", + "ad ing", + "Ġmod els", + "ar io", + "Ġserv ed", + "Ġb atter", + "u ate", + "ĠSecret ary", + "Ġagre ed", + "Ġtr uly", + "yn am", + "ĠR et", + "Ġun its", + "ĠRes earch", + "h and", + "az ine", + "ĠM ike", + "Ġvar iety", + "ot al", + "Ġam azing", + "Ġconfir med", + "Ġentire ly", + "Ġpurch ase", + "Ġe lement", + "Ġc ash", + "Ġdeter mine", + "D e", + "Ġc ars", + "ĠW all", + "â ĸ", + "Ġview s", + "Ġdrug s", + "Ġdep artment", + "ĠSt ep", + "u it", + "Ġ3 9", + "as ure", + "ĠCl ass", + "Ġc overed", + "ĠB ank", + "Ġme re", + "u ana", + "Ġmult i", + "Ġm ix", + "Ġun like", + "lev ision", + "Ġsto pped", + "Ġs em", + "ĠG al", + "ul es", + "Ġwe l", + "ĠJohn son", + "l a", + "Ġsk ill", + "Ġbec oming", + "ri e", + "Ġappropri ate", + "f e", + "ell ow", + "ĠPro t", + "ul ate", + "oc ation", + "Ġweek end", + "od ies", + "Ġsit es", + "Ġanim al", + "ĠT im", + "Ġsc ale", + "Ġcharg ed", + "Ġinst ruct", + "ill a", + "Ġmethod s", + "Ġc ert", + "Ġjud ge", + "ĠH el", + "Ġdoll ars", + "Ġstand ing", + "ĠS qu", + "Ġdeb t", + "l iam", + "Ġdri ving", + "ĠS um", + "ĠEd ition", + "Ġal bum", + "and on", + "I F", + "ĠU k", + "6 3", + "ad er", + "Ġcommer cial", + "es h", + "ĠGovern ment", + "Ġdisc overed", + "Ġout put", + "ĠHill ary", + "ĠCar ol", + "Ġ200 5", + "Ġab use", + "anc ing", + "Ġsw itch", + "Ġann ual", + "T w", + "Ġst ated", + "ag ement", + "in ner", + "Ġdem ocr", + "Ġres idents", + "Ġallow ing", + "Ġfact ors", + "od d", + "Ġf uck", + "em ies", + "Ġoccur red", + "ot i", + "Ġn orth", + "ĠP ublic", + "Ġinj ury", + "Ġins urance", + "C L", + "oll y", + "ã Ģ", + "Ġrepe ated", + "Ġar ms", + "ang ed", + "Ġconst ruction", + "Ġf le", + "P U", + "ic ians", + "Ġfor ms", + "ĠMc C", + "ant ic", + "Ġm ental", + "p ire", + "Ġequ ipment", + "Ġf ant", + "Ġdiscuss ion", + "Ġregard ing", + "k in", + "ar p", + "Ġch air", + "og ue", + "Ġpro ceed", + "ĠI d", + "O ur", + "Ġmur der", + "M an", + "Ġ4 9", + "as p", + "Ġsupp ly", + "Ġin put", + "Ġwe alth", + "liam ent", + "Ġpro ced", + "or ial", + "ĠSt at", + "ĠN FL", + "hen s", + "ĠInst itute", + "Ġput ting", + "ourn ament", + "et ic", + "Ġloc ated", + "Ġk id", + "er ia", + "r un", + "Ġpr inc", + "Ġ !", + "go ing", + "ĠB et", + "Ġcl ot", + "Ġtell ing", + "Ġprop osed", + "i ot", + "or ry", + "Ġfund s", + "g ment", + "ĠL ife", + "Ġb aby", + "ĠB ack", + "Ġsp oke", + "Im age", + "Ġear n", + "ĠA T", + "g u", + "Ġex change", + "ĠL in", + "ov ing", + "Ġp air", + "M ore", + "az on", + "Ġarrest ed", + "Ġkill ing", + "c an", + "ĠC ard", + "y d", + "Ġident ified", + "Ġm obile", + "Ġthan ks", + "ony m", + "ĠF orm", + "Ġhundred s", + "ĠCh ris", + "ĠC at", + "Ġtre nd", + "h at", + "ĠA v", + "om an", + "Ġelect ric", + "ĠW il", + "S E", + "O f", + "Ġrest aur", + "ot ed", + "Ġtr ig", + "Ġn ine", + "Ġb omb", + "Wh y", + " ¯", + "Ġco verage", + "Ġapp eal", + "ĠRober t", + "ĠS up", + "Ġfin ished", + "Ġfl ow", + "Ġdel iver", + "Ġcal cul", + "Ġphot os", + "Ġph il", + "Ġpie ces", + "Ġapp re", + "k es", + "Ġr ough", + "D o", + "Ġpart ner", + "Ġconcern ed", + "Ġ3 7", + "ĠG en", + "C ol", + "ct ors", + "Ġ= >", + "st ate", + "Ġsuggest ed", + "ĠFor ce", + "C E", + "Ġher self", + "ĠPl an", + "w orks", + "o oth", + "ren cy", + "Ġcor ner", + "Ġhus band", + "Ġintern et", + "ĠA ut", + "em s", + "os en", + "ĠAt l", + "g en", + "Ġbal ance", + "6 2", + "Ġsound s", + "te xt", + "Ġar r", + "ov es", + "Ġmill ions", + "Ġrad io", + "Ġsat isf", + "ĠD am", + "M r", + "G o", + "S pe", + "Ġcomb at", + "r ant", + "ĠG ree", + "Ġf uel", + "Ġdist ance", + "Ġtest s", + "Ġdec re", + "ĠE r", + "Ġman aged", + "D S", + "Ġt it", + "Ġmeas ures", + "ĠL iber", + "Ġatt end", + "as hed", + "ĠJ ose", + "ĠN ight", + "d it", + "ĠN ov", + "ĠE nd", + "out s", + "Ġgener ation", + "Ġadv oc", + "y th", + "Ġconvers ation", + "ĠS ky", + "act ive", + "ce l", + "ri er", + "ĠFr ank", + "Ġg ender", + "Ġcon cent", + "Ġcar ried", + "and a", + "ĠV irgin", + "Ġarri ved", + "ic ide", + "ad ed", + "Ġfail ure", + "Ġmin imum", + "le ts", + "Ġwor st", + "Ġkeep ing", + "Ġint ended", + "Ġilleg al", + "Ġsub sc", + "Ġdetermin ed", + "Ġtri p", + "Y es", + "Ġra ise", + "Ġ ~", + "Ġfeel s", + "Ġpack age", + "ĠJ o", + "h i", + "201 6", + "re al", + "Ġf ra", + "Ġsy mb", + "M e", + "uck y", + "p ret", + "ĠK h", + "ĠEd it", + "ĠWe b", + "em ic", + "ĠCol or", + "Ġjust ice", + "I nt", + "Ġfar m", + "ck now", + "\" >", + "el ess", + "Ġredu ced", + "Ġ5 00", + "x x", + "ĠR ad", + "ĠW ood", + "Ġcl in", + "Ġhy p", + "il er", + "ur a", + "k ins", + "8 5", + "6 1", + "ĠThe ir", + "ĠM ary", + "Ġs an", + "Ġno vel", + "ĠWh o", + "Ġcap acity", + "Ġimp ossible", + "Ġpl ays", + "Ġmin ister", + "ij uana", + "ic ate", + "ĠS et", + "Ġf ram", + "Ġ ing", + "Ġcommun ities", + "ĠF BI", + "it a", + "Ġb on", + "Ġstr ateg", + "Ġinterest s", + "l ock", + "g ers", + "m as", + "ĠAN D", + "Ġconflic t", + "Ġrequire ments", + "Ġs ac", + "Ġoper ating", + "in i", + "rel ated", + "Ġcomm itted", + "Ġrelative ly", + "Ġs outh", + "¯ ¯", + "Ġaff ord", + "Ġident ity", + "Ġdec isions", + "Ġacc used", + "pl ace", + "Ġvict ory", + "o ch", + "i at", + "N ame", + "C om", + "t ion", + "ed s", + "Ġsee k", + "Ġt ight", + "ĠIm ages", + "Ġinit i", + "Ġhum ans", + "Ġfam iliar", + "Ġaud ience", + "Ġintern al", + "vent ure", + "Ġs ides", + "ĠT O", + "Ġd im", + "Ġcon clud", + "Ġapp oint", + "Ġenforce ment", + "ĠJ im", + "ĠAssoci ation", + "Ġcircum st", + "ĠCanad ian", + "Ġjo ined", + "Ġdiffere nces", + "ĠL os", + "Ġprot est", + "Ġtw ice", + "w in", + "Ġgl ass", + "ars h", + "ĠAr my", + "Ġexp ression", + "Ġdec ide", + "Ġplan ning", + "an ia", + "Ġhand le", + "ĠMicro soft", + "ĠN or", + "Ġmax imum", + "ĠRe v", + "Ġse a", + "Ġev al", + "Ġhel ps", + "re f", + "Ġb ound", + "Ġm outh", + "Ġstand ards", + "Ġcl im", + "ĠC amp", + "ĠF ox", + "cl es", + "Ġar my", + "ĠTe chn", + "ack ing", + "x y", + "S S", + "Ġ4 2", + "Ġbu g", + "ĠUk rain", + "ĠM ax", + "ĠJ ones", + "ĠSh ow", + "l o", + "Ġplan et", + "Ġ7 5", + "Ġwin ning", + "Ġf aster", + "Ġspe ct", + "Ġbro ken", + "T R", + "Ġdef ined", + "Ġhealth y", + "Ġcompet ition", + "htt ps", + "ĠIs land", + "ĠF e", + "Ġannoun ce", + "ĠC up", + "ĠInst ead", + "Ġcl ient", + "Ġposs ibly", + "se ction", + "ock et", + "l ook", + "Ġfin ish", + "Ġcre w", + "Ġres erv", + "Ġed itor", + "Ġh ate", + "Ġs ale", + "Ġcontro vers", + "Ġp ages", + "w ing", + "Ġnum er", + "Ġopp osition", + "Ġ200 4", + "Ġref uge", + "Ġfl ight", + "Ġap art", + "ĠL at", + "A meric", + "ĠAfric a", + "Ġapplic ations", + "ĠPal est", + "ĠB ur", + "Ġg ar", + "ĠSoc ial", + "Ġup gr", + "Ġsh ape", + "Ġspe aking", + "ans ion", + "a o", + "ĠS n", + "Ġwor ry", + "ĠBrit ain", + "P lease", + "rou d", + "Ġh un", + "Ġintrodu ced", + "Ġd iet", + "I nd", + "ĠSec ond", + "Ġfun ctions", + "ut s", + "ĠE ach", + "ĠJe ff", + "Ġst ress", + "Ġaccount s", + "Ġgu arant", + "ĠAn n", + "ed ia", + "Ġhon est", + "Ġt ree", + "ĠAfric an", + "ĠB ush", + "} ,", + "Ġs ch", + "ĠOn ly", + "Ġf if", + "ig an", + "Ġexerc ise", + "ĠEx p", + "Ġscient ists", + "Ġlegisl ation", + "ĠW ork", + "ĠS pr", + "à Ĥ", + "ĠH uman", + "Ġ è", + "Ġsur vey", + "Ġr ich", + "ri p", + "Ġmain tain", + "Ġfl o", + "Ġleaders hip", + "st ream", + "ĠIslam ic", + "Ġ 01", + "ĠCol lege", + "Ġmag ic", + "ĠPr ime", + "Ġfig ures", + "201 7", + "ind er", + "x ual", + "ĠDe ad", + "Ġabsolute ly", + "Ġfour th", + "Ġpresent ed", + "resp ond", + "rib le", + "Ġal cohol", + "at o", + "ĠD E", + "por ary", + "Ġgr ab", + "Ġvar i", + "Ġqu ant", + "ĠPh oto", + "Ġpl us", + "r ick", + "ar ks", + "Ġaltern ative", + "Ġp il", + "Ġappro x", + "th at", + "Ġobject s", + "ĠR o", + "ĠAnd roid", + "Ġsignificant ly", + "ĠR oad", + "k ay", + "R ead", + "av or", + "Ġa cknow", + "ĠH D", + "ĠS ing", + "O r", + "ĠM ont", + "Ġun s", + "pro f", + "Ġneg oti", + "ĠAr ch", + "ik i", + "Ġte levision", + "ĠJew ish", + "Ġcomm ittee", + "Ġmot or", + "Ġappear ance", + "Ġs itting", + "Ġstri ke", + "ĠD own", + "com p", + "ĠH ist", + "Ġf old", + "ac ement", + "ĠLou is", + "Ġbel ong", + "ĠâĢ ¢", + "Ġm ort", + "Ġprep ared", + "Ġ6 4", + "ĠM aster", + "Ġind eed", + "ĠD en", + "Ġre nt", + "T A", + "our ney", + "ar c", + "S u", + "9 7", + "Ġadv ice", + "Ġchang ing", + "Ġlist ed", + "Ġlaun ched", + "is ation", + "ĠP eter", + "is hes", + "Ġl ived", + "ĠM el", + "ĠSup reme", + "ĠF ederal", + "Ġ) ;", + "ruct ure", + "Ġset s", + "Ġphil os", + "u ous", + "Ġ ł", + "Ġappl ied", + "ĠN OT", + "Ġhous ing", + "ĠM ount", + "Ġo dd", + "Ġsu st", + "D A", + "ffic ient", + "Ġ ?", + "ol ved", + "Ġp owers", + "Ġth r", + "Ġrem aining", + "ĠW ater", + "L C", + "Ġca uses", + "ãģ ®", + "Ġman ner", + "ad s", + "Ġsuggest s", + "Ġend s", + "stand ing", + "f ig", + "ĠD un", + "id th", + "Ġg ay", + "Ġter min", + "ĠAngel es", + "M S", + "Ġscient ific", + "Ġco al", + "ap ers", + "b ar", + "ĠThom as", + "Ġsy m", + "ĠR un", + "th is", + "P C", + "igr ants", + "Ġmin ute", + "ĠDist rict", + "cell ent", + "Ġle aves", + "Ġcomple ted", + "am in", + "Ġfoc used", + "Ġmon itor", + "Ġveh icles", + "M A", + "ĠM ass", + "ĠGr and", + "Ġaffect ed", + "itution al", + "Ġconst ruct", + "Ġfollow s", + "Ġt on", + "re ens", + "Ġh omes", + "ĠE xt", + "ĠLe vel", + "r ast", + "ĠI r", + "Ġel im", + "Ġlarge ly", + "ĠJ oe", + "Ġvot es", + "all s", + "Ġbusiness es", + "ĠFound ation", + "ĠCent ral", + "Ġy ards", + "Ġmaterial s", + "ul ner", + "Ġgu ide", + "Ġclos er", + "um s", + "Ġsp orts", + "ed er", + "J ust", + "Ġtax es", + "8 4", + "ĠO ld", + "Ġdec ade", + "ol a", + "Ġv ir", + "Ġdro pped", + "Ġdel ay", + "it ect", + "Ġsec ure", + "ste in", + "le vel", + "Ġtre ated", + "Ġfil ed", + "ain e", + "Ġv an", + "Ġm ir", + "Ġcol umn", + "ict ed", + "e per", + "Ġro t", + "Ġcons ult", + "Ġent ry", + "Ġmar ijuana", + "ĠD ou", + "Ġapparent ly", + "ok ing", + "clus ive", + "Ġincre ases", + "an o", + "Ġspecific ally", + "Ġte le", + "ens ions", + "Ġrelig ion", + "ab ilities", + "Ġfr ame", + "ĠN ote", + "ĠLe e", + "Ġhelp ing", + "Ġed ge", + "ost on", + "Ġorgan izations", + "à ĥ", + "ĠB oth", + "hip s", + "Ġbig ger", + "Ġbo ost", + "ĠSt and", + "Ġro w", + "ul s", + "ab ase", + "Ġr id", + "L et", + "are n", + "ra ve", + "Ġst ret", + "P D", + "Ġv ision", + "Ġwe aring", + "Ġappre ci", + "Ġa ward", + "ĠU se", + "Ġfact or", + "w ar", + "ul ations", + ") (", + "Ġg od", + "Ġter rit", + "Ġpar am", + "ast s", + "8 7", + "Ġen emies", + "ĠG ames", + "F F", + "Ġacc ident", + "W ell", + "ĠMart in", + "T ER", + "Ġat h", + "ĠHe ll", + "Ġfor g", + "Ġve ter", + "ĠMed ic", + "f ree", + "Ġst ars", + "Ġexp ensive", + "Ġac ad", + "ra wn", + "ĠW he", + "Ġl ock", + "Ġform at", + "Ġsold iers", + "s m", + "Ġag ent", + "Ġrespons ibility", + "or a", + "ĠS cience", + "Ġrap id", + "Ġt ough", + "ĠJes us", + "Ġbelie ves", + "M L", + "Ġwe ar", + "le te", + "Ãĥ ÃĤ", + "ĠD ri", + "Ġcomm ission", + "ĠB ob", + "O h", + "ap ed", + "Ġwar m", + "ÃĥÃĤ ÃĥÃĤ", + "Ġ200 3", + "ort ion", + "Ġhas n", + "ust er", + "Ġun ivers", + "ĠI ll", + "Ġk ing", + "olog ies", + "9 4", + "ĠT em", + "ĠM os", + "Ġpat ient", + "ĠMex ico", + "ce an", + "ĠDe ath", + "ĠSand ers", + "y ou", + "ĠC ast", + "ĠComp any", + "pt y", + "Ġhappen ing", + "F P", + "ĠB attle", + "Ġb ought", + "A m", + "M od", + "U s", + "ut ers", + "ĠC re", + "ĠTh ose", + "Ġ4 4", + "is er", + "Ġs oul", + "ĠT op", + "ĠHar ry", + "ĠA w", + "Ġse at", + "ff ee", + "Ġrev olution", + "Ġ( \"", + "ĠD uring", + "et te", + "Ġr ing", + "Ġoff ensive", + "Ġreturn s", + "Ġv ideos", + "Ġdis cl", + "Ġfam ous", + "en ced", + "ĠS ign", + "ĠR iver", + "Ġ3 00", + "P M", + "ĠB us", + "ĠC H", + "Ġcandid ates", + "ard en", + "Ġpercent age", + "Ġvis ual", + "Ġthan k", + "Ġtrou ble", + "ner gy", + "Ġ200 1", + "Ġpro ve", + "ash ion", + "Ġen h", + "ĠL ong", + "U M", + "Ġconnect ed", + "Ġposs ibility", + "O ver", + "Ġexper t", + "Ġl ibrary", + "art s", + "ĠDirect or", + "Ġfell ow", + "9 2", + "ir ty", + "Ġd ry", + "Ġsign s", + "ĠL ove", + "Ġqu iet", + "f oot", + "Ġp ure", + "ĠH un", + "Ġf illed", + "ph as", + "ĠE lect", + "end ment", + "ĠEx pl", + "Ġun able", + "n s", + "m o", + "Ġv ast", + "ob e", + "Ġident ify", + "app ing", + "ĠCarol ina", + "g ress", + "Ġpro te", + "Ġf ish", + "Ġcircumst ances", + "raz y", + "ĠPh ot", + "Ġb odies", + "ĠM ur", + "Ġdevelop ing", + "ĠA R", + "Ġexperien ced", + "Ġsubst ant", + "ĠBo ard", + "es ome", + "Ġdom estic", + "Ġcomb ined", + "ĠP ut", + "Ġchem ical", + "ĠCh ild", + "Ġpo ol", + "ĠC y", + "Ġe gg", + "c ons", + "st ers", + "Ġh urt", + "Ġmark ets", + "Ġconserv ative", + "Ġsupp orters", + "Ġag encies", + "id el", + "O b", + "ur b", + "Ġ4 3", + "ĠDef ense", + "y e", + "ĠA p", + "du le", + "Ġtemper ature", + "Ġconduct ed", + "ĠCh ief", + "Ġpull ed", + "Ġf ol", + "L ast", + "ont o", + "os is", + "V ER", + "D es", + "ĠP an", + "F irst", + "Ġadv ance", + "Ġlic ense", + "r ors", + "ĠJ on", + "Ġimag ine", + "Ġhe ll", + "Ġf ixed", + "Ġinc or", + "os ite", + "ĠL og", + "ick en", + "] :", + "Ġsurpr ise", + "h ab", + "Ġc raft", + "ol t", + "ĠJ ul", + "Ġd ial", + "Ġrele vant", + "Ġent ered", + "Ġlead s", + "ĠA D", + "ĠCle an", + "Ġpict ures", + "ess or", + "Ġal t", + "Ġpay ing", + "P er", + "ĠMark et", + "Ġupd ates", + "am ily", + "ĠT ype", + "ĠH ome", + "Ġ5 5", + "semb ly", + "rom e", + "8 3", + "Ġgreat est", + "Ġhe ight", + "Ġhe av", + "ain ts", + "Ġlist en", + "as er", + "ĠS H", + "Ġcap able", + "ac le", + "Ġpers pect", + "in ating", + "Ġoff ering", + "ry pt", + "ĠDe velop", + "ab in", + "r c", + "Ġbr ight", + "al ty", + "ar row", + "Ġsupp l", + "ind ing", + "ack ed", + "gy pt", + "ĠAn other", + "p g", + "ĠVirgin ia", + "ĠL u", + "Ġpl anned", + "Ġp it", + "Ġswe et", + "T ype", + "ĠD i", + "Ġtyp ically", + "ĠFranc isco", + "Ġpro spect", + "ĠD an", + "Ġte en", + "re es", + "Ġsc hed", + "Ġh ol", + "Ġsc r", + "Ġlot s", + "l ife", + "Ġnews p", + "Ġfor get", + "ĠN one", + "ĠM iddle", + "ĠR yan", + "ed d", + "Ġse vere", + "Ġsu it", + "ll er", + "9 3", + "Ġcor respond", + "Ġexpl os", + "u ations", + "Ġfl ag", + "g ame", + "r id", + "Ġpr in", + "ĠD ata", + "Ġde ploy", + "ĠEn ter", + "su it", + "gh an", + "ĠM en", + "Ġthough ts", + "Ġmat ters", + "Ġad apt", + "ĠA ri", + "Ġf ill", + "Ġfor th", + "Ġs am", + "Ġ4 1", + "Ġpay ment", + "ĠH or", + "Ġsp ring", + "du c", + "Ġl osing", + "Ġbring ing", + "F O", + "al a", + "Ġdist ribution", + "he red", + "b our", + "ĠIsrael i", + "om a", + "Ġcomb ination", + "Ġpl enty", + "V E", + "C an", + "ĠH aw", + "Ġper man", + "ĠSpe cial", + "Ġto w", + "Ġsee king", + "Ġexam ples", + "Ġclass es", + "c r", + "Ġbe er", + "Ġmov es", + "ĠI P", + "ĠK n", + "Ġpan el", + "E ven", + "Ġproper ly", + "Ġr is", + "Ġpl ug", + "Ġestim ated", + "E very", + "Ġdef ensive", + "ag raph", + "Ġpre gn", + "Ġinst it", + "ĠV ict", + "Ġvol ume", + "Ġpos itions", + "Ġl inks", + "ĠPro gram", + "ĠWe ek", + "ag ues", + "Ġtrans form", + "k er", + "ĠC EO", + "Ġc as", + "Ġopp onent", + "Ġtwe et", + "ĠC ode", + "Ġsh op", + "Ġf ly", + "Ġtal ks", + "Ġb ag", + "Ph one", + "Ġa id", + "Ġpl ants", + "Ġ6 5", + "Ġatt orney", + "ar ters", + "qu est", + "ĠMag ic", + "Ġbeg ins", + "Ġmy ster", + "Ġenvironment al", + "Ġst orage", + "N N", + "Ġm arg", + "Ġs ke", + "Ġmet al", + "ell y", + "Ġord ered", + "Ġrem ained", + "Ġl oved", + "Ġprom pt", + "Ġupd ated", + "Ġexper ts", + "Ġwalk ing", + "Ġan cient", + "Ġperform ed", + "AT E", + "Ġne ither", + "i ency", + "Ġmanufact ure", + "ĠP ak", + "Ġselect ed", + "Ġm ine", + "Ġult imately", + "Ġexpl an", + "Ġlab el", + "ĠServ ices", + "ribut ed", + "Tr ump", + "Ġsy n", + "ĠU lt", + "S C", + "Ġme at", + "Ġg iant", + "ĠW ars", + "ĠO N", + "Ġad m", + "Ġinter pret", + "Ġeven ing", + "Ġev il", + "ĠB oston", + "ĠW ild", + "Ġ Ã", + "ĠBit coin", + "ĠAm azon", + "D r", + "ĠIn formation", + "Ġobvious ly", + "Ġadv anced", + "Ph oto", + "ol ar", + "Ġwe ather", + "Ġsymb ol", + "Ġso le", + "Ġpot entially", + "ost er", + "Ġorig inally", + "m un", + "3 00", + "az e", + "ess ions", + "Ġde ck", + "Ġst ood", + "Ġyou th", + "ĠB ern", + "R ep", + "ĠT est", + "Ġbas ically", + "ot ic", + "Ġinvol ve", + "ol it", + "ly n", + "S ee", + "Ġair craft", + "Ġconf irm", + "E W", + "Ġmess ages", + "ĠRich ard", + "Ġk it", + "Ġpro hib", + "Ġv ulner", + "is ters", + "Ġexist ence", + "Ġturn ing", + "ĠS P", + "Ġdes ire", + "Ġfl at", + "Ġm ent", + "se ason", + "ang es", + "Ġneighbor hood", + "ĠL ake", + "AT ION", + "Ġpoint ed", + "b ur", + "Ġinn ov", + "uc ks", + "U L", + "Ġprofess or", + "Ġexp ressed", + "A B", + "ic ious", + "Ġ200 2", + "ĠDe v", + "Ġs ession", + "Ġb are", + "s en", + "Ġdis s", + "ĠC ath", + "ĠP ass", + "ĠP oint", + "Ġdo ctor", + "or row", + "ail ed", + "ĠR ub", + "ĠD C", + "ĠChar l", + "p erson", + "Ġwrit er", + "igh ters", + "ure au", + "Ġob lig", + "Ġrecord ed", + "Ġbro ke", + "Ġord ers", + "il ty", + "Ġmot ion", + "in ity", + "l aw", + "ad ium", + "Ġimm igration", + "Ġcontr ast", + "Ġb att", + "Ġex cellent", + "Ġtechn ical", + "am i", + "Ġt un", + "Ġcl oud", + "ĠY ear", + "ge on", + "Ġcre ation", + "Ġstr ange", + "Ġa uth", + "Ġfor t", + "b orn", + "Ġext ent", + "ĠT oday", + "ĠCl ub", + "Ġr ain", + "Ġs ample", + "Ġaccept ed", + "Ġt act", + "Ġf ired", + "ĠS on", + "Ġstand s", + "Ġb oot", + "Ġ4 7", + "Ġstat ements", + "Ġvers ions", + "Ġse lling", + "ound ed", + "Ġ199 0", + "Ġwere n", + "ĠW atch", + "Ġexper iment", + "P ost", + "Ġret ail", + "ul ed", + "In st", + "un te", + "ãĥ ¼", + "Ġdep art", + "Ġb ond", + "i very", + "om pl", + "Ġre action", + "ĠSyri an", + "ĠP ac", + "app ed", + "ani el", + "D P", + "Ġres olution", + "Ġre act", + "Ġappro ved", + "on om", + "m ond", + "ĠO ffic", + "-- -", + "Ġrepl ace", + "Ġt ack", + "Ġsp ort", + "Ġch ain", + "Ġemer gency", + "r ad", + "ĠPalest in", + "Ġ4 6", + "Ġautom atically", + "Ġrout e", + "Ġp al", + "Ġb anks", + "ĠPar is", + "ĠMed ia", + "ro ad", + "ic ing", + "i xt", + "ist ed", + "Ġg rew", + "Ġco ord", + "ĠW here", + "om in", + "Ġsub s", + "� �", + "Ġ ±", + "Ġcorpor ate", + "Ġse lection", + "n oon", + "ĠRep ort", + "c s", + "clud ing", + "ord ers", + "anc he", + "ĠIt s", + "Ġslow ly", + "ĠE gypt", + "ĠA cc", + "Ġcol le", + "iqu es", + "E X", + "Ġattempt s", + "ur l", + "ĠC ross", + "Ġfind ings", + "ĠS C", + "ĠO R", + "Ġind ex", + "ens ity", + "ĠW ay", + "ĠL and", + "Ġsh ock", + "d is", + "Ġd ynam", + "Ġc art", + "m osp", + "S ince", + "i est", + "ĠB oy", + "Ġst orm", + "ĠCont in", + "201 3", + "he w", + "il it", + "Ġess ential", + "iqu id", + "O ther", + "ive red", + "Ġreason able", + "A ct", + "Ġsub sequ", + "ĠP ack", + "ĠF ort", + "Ġconsider ing", + "Ġun iversity", + "l og", + "Ġmar ried", + "Ġill ust", + "ĠTr ue", + "£ ı", + "Ġnumer ous", + "rast ructure", + "Ġserious ly", + "Ġrefer red", + "u a", + "Ġconsist ent", + "on na", + "ĠRe al", + "ru ption", + "ci ples", + "Ġfact s", + "9 1", + "ot es", + "er g", + "The n", + "Ġacc ompl", + "N ote", + "Ġre venue", + "Ġpass ing", + "Ġm al", + "e en", + "ĠY et", + "Ġg ather", + "ter day", + "ew ork", + "ĠA uthor", + "P e", + "Ġopt im", + "Ġr ub", + "Ġè £ı", + "Ġun known", + "st one", + "Ġun ion", + "ol ve", + "Ġopportun ities", + "Ġbrow ser", + "ĠW al", + "ĠC ost", + "Ġreport ing", + "st s", + "p et", + "Ġs and", + "Ġsudden ly", + "Ġsurpr ising", + "ĠV R", + "Ġsomew hat", + "ĠB as", + "ult ure", + "iz z", + "ĠC D", + "Ġchalleng es", + "Ġsett ings", + "Ġexperien ces", + "ĠF ull", + "Ġcan n", + "Ġrece iving", + "ES T", + "Ġj oint", + "Ġcult ural", + "Ġa st", + "8 2", + "as tern", + "ce ived", + "ĠC ru", + "Ġb ull", + "p ired", + "am m", + "Ġfac ing", + "p ower", + "Ġb oss", + "ĠH ol", + "Ġinst r", + "Ġincreasing ly", + "Ġsh ift", + "Ġstre ets", + "ĠWilliam s", + "ab b", + "Ġl ie", + "Ġl augh", + "ĠC a", + "P L", + "Ġadult s", + "Ġcustom er", + "Ġob tained", + "Ġsupport ing", + "ht ml", + "f ire", + "Ġdetail ed", + "Ġpick ed", + "ĠR ight", + "ld er", + "E E", + "st ood", + "ĠK im", + "Ġw ire", + "Ġs ight", + "Ġdevelop ers", + "Ġpers ons", + "Ġs ad", + "Ġc up", + "Ġwar ning", + "Ġboy s", + "l ong", + "Ġb ird", + "f o", + "Ġw al", + "Ġobserv ed", + "Ġz one", + "iven ess", + "Ġch annel", + "c ript", + "Ġref used", + "ĠAg ain", + "Ġsu c", + "Ġspokes man", + "ĠRe f", + "r ite", + "ou ston", + "ãĥ ³", + "ĠS her", + "Ġact s", + "ĠN ame", + "Ġstrugg le", + "ar ry", + "omet imes", + "Ġdisc rim", + "H T", + "Ġcateg ory", + "Ġreal ize", + "Ġemploy ee", + "ĠAf ghan", + "en ger", + "Ġgun s", + "ĠSte ve", + "ĠM ot", + "ĠO l", + "ok ed", + "Ġth ick", + "Ġfair ly", + "ill y", + "Ġsur ve", + "ĠM at", + "we ight", + "â Ķ", + "Ġtro ops", + "Ġag ents", + "Ġbatter y", + "Ġmot iv", + "à ¡", + "S ec", + "d en", + "o very", + "L S", + "Ġfl u", + "Ġconf ident", + "ĠO per", + "Ġem pty", + "Ġp hen", + "Ġse ctor", + "Ġexc ited", + "Ġrem ote", + "ap h", + "o en", + "Ġdestroy ed", + "Ġmor al", + "ĠH P", + "ĠR on", + "Ġd ress", + "ĠB at", + "Ġl it", + "ĠM S", + "Ġa f", + "H L", + "r um", + "is ms", + "Ġshould n", + "Ġsym pt", + "ĠTor onto", + "het ic", + "Ġcar bon", + "Ġinstall ed", + "Ġviol ent", + "Ġsol ar", + "j a", + "Ġpract ices", + "Ġr ide", + "ĠP enn", + "Ġimpro ved", + "Ġaud io", + "Ġbehav i", + "ĠP S", + "Ġe ating", + "D ata", + "ĠRe view", + "p ass", + "cl aim", + "u ated", + "ang ers", + "c hen", + "Ġproper ties", + "Ġany where", + "An other", + "Ġbl ow", + "ĠJack son", + "Ġp roud", + "Ġplan e", + "l ines", + "Ġsqu are", + "Ġpro of", + "ans as", + "Ġtalk ed", + "m akers", + "Ġs ister", + "Ġhold s", + "Ġres ident", + "Ġ= =", + "Ġresist ance", + "Ġspl it", + "Ġpro secut", + "Ġconf idence", + "res ents", + "Ġcut s", + "Ġexcept ion", + "Ġz ero", + "Get ty", + "Ġcop yright", + "Ġtot ally", + "orm al", + "ific ations", + "ĠAustral ian", + "Ġs ick", + "Ġ1 50", + "Ġhouse hold", + "Ġfe es", + "Ġdri vers", + "og en", + "ĠN Y", + "Ġnecess arily", + "Ġregul ations", + "ear ing", + "s l", + "Ġperspect ive", + "c are", + "ic ial", + "H is", + "Ġesc ape", + "Ġsurpr ised", + "ĠV an", + "ur rent", + "Ġv ac", + "8 1", + "ĠTh us", + "Ġem phas", + "ĠCh ampions", + "ĠI ce", + "Ġn arr", + "Ġhead s", + "Ġca using", + "b el", + "f ortunately", + "ĠM a", + "Ġtarg ets", + "ci pl", + "Ġafter noon", + "Ġadd s", + "ĠMay be", + "ĠF our", + "ess ed", + "ple te", + "Ġus ual", + "ch o", + "ing u", + "Ġwith d", + "ĠE nergy", + "ĠE conom", + "O O", + "Ġart icles", + "Ġinj ured", + "Ġman age", + "Ġexpl ains", + "Ġdi agn", + "R ec", + "at ures", + "Ġlink ed", + "Ġdiscuss ed", + "Ġexpl o", + "Ġocc asion", + "ath an", + "Ġopp osite", + "Ġfac es", + "Ġden ied", + "ĠK night", + "Ġn ut", + "Ġapprox imately", + "Ġdisapp oint", + "onym ous", + "ĠB est", + "ĠL o", + "ĠH y", + "ĠA ff", + "Ġvot ing", + "an while", + "ĠII I", + "Ġinstit utions", + "ag ram", + "ĠD aily", + "Ġdr ag", + "Ġnear by", + "Ġgu ilty", + "Ġcon ver", + "P re", + "s hip", + "Ġre ward", + "Ġphilos oph", + "ĠS S", + "u gh", + "Ġapp s", + "f riend", + "Ġu pper", + "Ġad vert", + "Ġs now", + "Ġfr ust", + "Ġour selves", + "F r", + "ĠD ie", + "amp ion", + "Ġdis miss", + "Ġc ere", + "Ġsign al", + "f rom", + "Ġ ).", + "Ġ5 2", + "Ġcr imes", + "it ors", + "est ival", + "use um", + "Ġcoun cil", + "ĠS aud", + "M ay", + "ĠG un", + "ic ian", + "et her", + "Ġsu fficient", + "ĠH en", + "so le", + "Ġhistor ical", + "ĠF ar", + "ĠT urn", + "Ġp in", + "Ġsuc ceed", + "m at", + "ly mp", + "Ġtrad ition", + "ĠO k", + "Ġc ro", + "Ġdesc ription", + "al le", + "Ġsk y", + "T e", + "Ġwide ly", + "Ġw ave", + "Ġdefin ition", + "ĠJew s", + "Ġcy cle", + "Ġref ere", + "Ġbr ings", + "us al", + "Ġal ive", + "Ġfrequ ently", + "Ġint ention", + "ĠCont rol", + "l v", + "y stem", + "Ġpriv acy", + "g ent", + "ren ce", + "ĠQu est", + "ĠChrist mas", + "Ġr ail", + "Ġco oper", + "Ġtest ed", + "ĠC apt", + "as ks", + "Ġcomfort able", + "Ġdel ivered", + "sc ape", + "Ġdep th", + "ĠG OP", + "Ġwrit es", + "Ġass ets", + "Ġsa v", + "im ents", + "Ġtrans ition", + "Ġart ist", + "ĠL ook", + "Ġl ob", + "Ġcomp onents", + "ar ity", + "Ġwalk ed", + "Ġro ot", + "Ġparticip ants", + "Ġnot iced", + "Ġres c", + "Ġn av", + "ĠAd minist", + "d a", + "ut ral", + "pl ate", + "Ġimport ance", + "Ġass ert", + "ious ly", + "c ription", + "Ġinj uries", + "ĠChe ck", + "Ġregist ered", + "Ġint ent", + "Ġmiss ed", + "ograph ic", + "Ġsent ence", + "oun ter", + "Ġassist ance", + "ev in", + "Ġdat abase", + "Ġbuild ings", + "Ġclass ic", + "Ġth inks", + "ĠOh io", + "P r", + "ug g", + "Ġfe e", + "p an", + "Ġeffect ively", + "Ġfac ility", + "Ġbe ar", + "Ġch apter", + "Ġdog s", + "ĠCol umb", + "Ġl atter", + "it ial", + "Ġad mitted", + "T V", + "ĠGe org", + "Ġpost s", + "\\ \\", + "Ġlawy er", + "Ġequ ival", + "Ġm and", + "Ġcontro lled", + "ĠW alk", + "ĠAnd rew", + "Ġmen u", + "am ental", + "Ġprotect ed", + "v a", + "Ġadminist r", + "or al", + "Ġre in", + "ĠS ar", + "Ġamount s", + "Ġn ative", + "ĠM oon", + "Ġrep resents", + "Ġab andon", + "Ġcarry ing", + "Ġt ank", + "m ary", + "Ġdecl ared", + "T ube", + "Ġh at", + "Ġpun ish", + "el lect", + "m es", + "Ġun iverse", + "ĠR od", + "ph y", + "Ġinf rastructure", + "Ġ5 1", + "Ġopp osed", + "ow nt", + "c a", + "ĠM ake", + "Ġhard ware", + "Ġco ffee", + "R el", + "b al", + "w orld", + "ĠS af", + "ĠSe a", + "in als", + "Ġown ed", + "Ġh all", + "ers ion", + "Ġdescrib e", + "ĠP ot", + "Ġport ion", + "Ġat mosp", + "Ġgovern ments", + "Ġdep ending", + "Ġoff ense", + "Ġtr ick", + "aw a", + "ĠL ine", + "ĠV is", + "ĠH ard", + "ĠOr ig", + "ĠCl ick", + "Ġdes k", + "ĠVal ley", + "ĠS ov", + "Ġmov ies", + "Ġrem ark", + "Ġm ail", + "Ġcons cious", + "Ġrul ing", + "ĠR ights", + "Ġmed ic", + "he nt", + "ĠW omen", + "> <", + "Ġrepl aced", + "ĠP rem", + "ĠTh anks", + "Ġre new", + "ĠB all", + "if orm", + "Ġsh ots", + "C omm", + "Ġar med", + "Ġconst ant", + "Ġt aste", + "Ġreal ized", + "Ġbu ff", + "Ġm o", + "Ġeffic ient", + "M ost", + "or ation", + "if ies", + "Ġcommun ication", + "Ġfl ood", + "Ġconsequ ences", + "Ġany way", + "ig g", + "ĠG M", + "ĠTh ank", + "Ġ iron", + "Ġev olution", + "ĠC op", + "tw itter", + "Ġ9 5", + "Ġrelationship s", + "ad el", + "ĠYou ng", + "Ġpropos al", + "ay ers", + "uild ing", + "ĠH ot", + "OR E", + "c os", + "Ġcoll abor", + "P G", + "ax y", + "Ġknow ing", + "Ġsupport s", + "ow ed", + "Ġcontrol s", + "Ġmere ly", + "um er", + "Ġath let", + "Ġf ashion", + "p ath", + "Ġg ift", + "Ġer a", + "AN D", + "Ġkind s", + "ĠKore an", + "Ġleg it", + "ul ous", + "Ġess entially", + "Ġthe rap", + "n ic", + "Ġsuff ered", + "Ġh ur", + "Ġprom ise", + "Ġex cess", + "Ġover w", + "Ġpr ime", + "ĠH ouston", + "er ry", + "ĠM s", + "R S", + "201 2", + "Ġst ores", + "ĠO lymp", + "Ġj ourney", + "Al though", + "S ub", + "ĠE duc", + "ĠCh apter", + "Ġrequest s", + "Ġconsum ers", + "Ġt iny", + "Ġis ol", + "ĠF air", + "b a", + "ĠY OU", + "Ġcr ash", + "ce ler", + "Ġemot ional", + "Ġgood s", + "Ġelect ed", + "Ġmod er", + "ĠLin ux", + "Ġbl ocks", + "Ġis land", + "ĠSoc iety", + "Ġelect ions", + "Ġbroad cast", + "Ġche ap", + "Ġn ations", + "Ġse asons", + "4 00", + "Ġwas te", + "ĠS at", + "Ġfield s", + "em ploy", + "Ġprof ile", + "Ġauth ors", + "AL L", + "ĠG ra", + "w est", + "ĠT y", + "Ġdeath s", + "Ġv acc", + "Ġfor med", + "Ġd u", + "Ġon going", + "ĠMuslim s", + "el f", + "ig ure", + "Ġass ume", + "ĠUkrain e", + "w ater", + "Ġco ast", + "Ġvot ed", + "g or", + "ĠA S", + "ĠMich igan", + "az a", + "ĠAr m", + "i ro", + "Ġf lex", + "as ters", + "' '", + "Ġwel come", + "ar l", + "Ġloc ations", + "ig ation", + "ĠF il", + "Ġbu ying", + "Ġarch itect", + "Ġhard er", + "ĠC ub", + "Ġinter face", + "Ġrestaur ant", + "Ġdisco ver", + "Ġex ceed", + "Ġfav our", + "ger y", + "Ġd uty", + "Ġp itch", + "ad or", + "ĠM ach", + "b oy", + "Ġrespond ed", + "Ġext ended", + "her s", + "M any", + "ra id", + "if er", + "ĠIn s", + "S er", + "Ġmed ium", + "s he", + "ĠS ports", + "Ġmag azine", + "ut ation", + "Ġlim its", + "ĠG all", + "Ġex ternal", + "raz il", + "Ġyoung er", + "t le", + "Ġrem ind", + "ĠC ON", + "Ġimmedi ate", + "Ġh idden", + "Ġvol unte", + "Ġsim pl", + "od cast", + "Ġph ase", + "d r", + "Ġpl ot", + "Ġexp osure", + "R I", + "og rap", + "v in", + "an ish", + "ĠAc ad", + "ĠEng ine", + "Ġexp ansion", + "ĠP ay", + "Y our", + "Ġpus hed", + "ĠE ll", + "ĠHe ad", + "Ġmarket ing", + "ĠA C", + "k et", + "Ġh its", + "Ġg ro", + "ĠA ge", + "ĠSc ot", + "] [", + "Ġst im", + "Ġi Phone", + "Ī Ĵ", + "Ġn arrow", + "ĠGet ty", + "ĠTur key", + "Ġperfect ly", + "Ġen able", + "ut ch", + "Ġprec ise", + "Ġreg ime", + "Ġsh if", + "Ġcomp ens", + "g un", + "d iv", + "Ġch osen", + "ĠK en", + "An y", + "Ġtre es", + "Ġrecomm ended", + "ĠR en", + "u able", + "ĠH T", + "F ollow", + "E G", + "ĠH and", + "ĠK enn", + "Ġarg uments", + "Ġex ists", + "Ġb ike", + "ĠCons erv", + "Ġbre aking", + "ĠG ar", + "Ġc razy", + "Ġvirt ual", + "ay lor", + "ix el", + "Ġ19 80", + "Ġper mission", + "ĠSer ies", + "Ġconsum er", + "Ġclose ly", + "c alled", + "Ġ5 4", + "Ġhop es", + "Ġar ray", + "ĠW in", + "ĠLab our", + "Ġsp ons", + "ĠI re", + "Ġp ow", + "Ġread ers", + "Ġemploy ment", + "Ġcreat ure", + "Ġresult ing", + "Ġaccur ate", + "Ġmom ents", + "Ġarg ued", + "Ġp ed", + "D uring", + "Ġ5 3", + "ĠT al", + "Ġs ought", + "Ġsuff ering", + "Ġ icon", + "le e", + "Ġ( $", + "al ian", + " °", + "Ġp ra", + "Ġbon us", + "( \"", + "k o", + "Ġact ing", + "D E", + "f all", + "Ġcompar ison", + "Ġsm ooth", + "ĠN AS", + "u pp", + "ĠJose ph", + "ep ing", + "ĠT ake", + "ĠM id", + "Ġs ending", + "f ast", + "ĠF all", + "Ġdeal ing", + "us er", + "ĠOr gan", + "C o", + "Ġatt ached", + "Ġse es", + "% .", + "Ġtyp ical", + "AR T", + "Ġfind s", + "ĠAs ia", + "um in", + "ĠC ore", + "ĠE nt", + "in ent", + "u ce", + "ĠBl ood", + "ĠN ever", + "Ġem ails", + "Ġhigh light", + "Ġconf ront", + "at us", + "ut ed", + "Ġun us", + "Ġtop ic", + "ĠAd am", + "Ġb le", + "at i", + "Ġunder stood", + "S et", + "st ruct", + "T P", + "Ġm ob", + "a a", + "ĠSt art", + "pect ed", + "se ll", + "Ġded icated", + "ĠC A", + "u an", + "Ġsong s", + "esc ription", + "Ġte ch", + "Ġr ape", + "Ġas ide", + "Ġgr ant", + "Ġ5 6", + "s ub", + "Ġarg ue", + "Ġcont aining", + "Ġsche dule", + "Ġliber al", + "Ġpublic ly", + "Ġheav ily", + "ĠU t", + "in er", + "ĠS ection", + "ĠC are", + "we et", + "l s", + "D is", + "âĶ Ģ", + "ĠF ollow", + "B ack", + "ĠI T", + "Ġb es", + "j i", + "ĠH it", + "est ed", + "Ġevery body", + "ĠSw ed", + "Ġfem in", + "Ġfac ilities", + "Ġcon ven", + "C omp", + "ĠO S", + "c ore", + "Ġan x", + "Ġdiv ision", + "ĠC am", + "ĠSt an", + "m ates", + "Ġexpl ore", + "pl om", + "Ġsh ares", + "pl oad", + "an es", + "Ġide al", + "et ers", + "ĠB ase", + "Ġpl astic", + "Ġdist inct", + "ĠNet work", + "ĠSe attle", + "Ġtrad ing", + "ens us", + "int end", + "Ġex hib", + "Ġinit ially", + "ĠF ood", + "Ġthous and", + "ĠBus iness", + "act er", + "Ġpar agraph", + "Ġrough ly", + "Ġw ww", + "Ġcreat ive", + "ĠCon f", + "Ġconsum ption", + "Ġfil ms", + "ag an", + "Ġob tain", + "Ġt all", + "Ġt or", + "Ġacknow led", + "Ġg rown", + "al o", + "K E", + "Ġ4 00", + "end ers", + "t aining", + "U G", + "Ġsu icide", + "Ġwat ched", + "ĠL ist", + "al i", + "re hens", + "Ġsurround ing", + "Ġp ip", + "Ġf lying", + "ĠJ ava", + "ord an", + "Ġserv ing", + "in ations", + "p ost", + "Ġsh o", + "A v", + "Ġj ail", + "z y", + "Ġ199 9", + "Ġ< /", + "Ġliter ally", + "ĠS ir", + "Ġexp osed", + "Ġl ies", + "st ar", + "Ġb at", + "Ġear ned", + "ĠD ig", + "Ġspec ified", + "ĠSe ason", + "Ġdeg rees", + "Don ald", + "Ġcent re", + "Ġsh aring", + "Ġwin ter", + "ĠC O", + "C he", + "Ġ Î", + "M P", + "Ġun w", + "Ġfew er", + "ĠM ir", + "Ġsomew here", + "ĠK ey", + "Ġattack ed", + "ĠK ir", + "Ġdom ain", + "Ġstrong er", + "Ġ9 9", + "Ġpen alty", + "I d", + "Sc ript", + "Ġdecl ined", + "Ġne ck", + "Ġfra ud", + "Ġcur rency", + "Ġr ising", + "R C", + "â̦ â̦", + "H z", + "Ġt ab", + "Ġtal ent", + "n am", + "ĠN BA", + "Ġvill age", + "Ġleg s", + "ĠN ext", + "E d", + "Ġac id", + "Ġhy d", + "8 00", + "Ġinvol ving", + "ĠIm age", + "ĠBe fore", + "F l", + "Ġyes terday", + "S ource", + "Ġterror ist", + "Ġsu p", + "Ġsy nt", + "ĠSaud i", + "Ġw est", + "Ġr u", + "b urg", + "Ġvis ible", + "Ġstru ck", + "r ison", + "Ġaw esome", + "Ġd rawn", + "Ġansw ers", + "ĠG irl", + "ĠR am", + "Ġthreat s", + "Ġdef eat", + "os it", + "Ġv ent", + "atur ally", + "Americ an", + "end a", + "ĠH oly", + "Ġr um", + "% ,", + "c ase", + "ĠHist ory", + "ĠYou Tube", + "Ġsit uations", + "ĠD NA", + "S te", + "Ġsa ved", + "It em", + "Ġrec ip", + "olog ist", + "Ġfac ed", + "Ġel ig", + "O nce", + "ĠL i", + "u h", + "Ġmist ake", + "ĠDiv ision", + "ĠB ell", + "Ġsympt oms", + " ®", + "Ġdom in", + "Ġfall ing", + "Ġend ing", + "as hes", + "Ġmat ches", + "ĠOn line", + "Ġexplan ation", + "D ef", + "red it", + "Ġany more", + "ĠT otal", + "ĠF OR", + "us hed", + "Ġlet ters", + "Ġris ks", + "ĠO K", + "Ġreported ly", + ": \\", + "Ġpl ate", + "Ġsubject s", + "Ġattempt ed", + "if ier", + "ian a", + "Ġunlike ly", + "ĠTh ough", + "um a", + "ĠIn vest", + "ĠPr in", + "ic an", + "ĠD ar", + "ĠColor ado", + "au g", + "Ġve get", + "a os", + "ri a", + "Ġshe l", + "Ġmark ed", + "Ġ( )", + "Ġsp r", + "p o", + "ĠL ink", + "Ġdef e", + "ĠJ r", + "Ġthem e", + "Ġpass ion", + "ĠP en", + "Ġinf o", + "iz er", + "Ġsh it", + "ĠC ivil", + "ap se", + "c re", + "Ġpo ly", + "Ġcomp onent", + "ĠChar les", + "ĠIre land", + "ĠPro v", + "Ġdo ctors", + "Ġgr anted", + "Ġpain t", + "Ġhon or", + "Ġsm oke", + "Ġpay ments", + "Ġprim arily", + "ĠKing dom", + "r ich", + "ate ll", + "Ġde als", + "Ġsched uled", + "Ġfund amental", + "Ġprote in", + "Ġnewsp aper", + "Ġcl ients", + "yth on", + "ĠD ate", + "h us", + "Ġfeed back", + "Ġstret ch", + "Ġc ock", + "Ġhot el", + "ĠQue en", + "Ġsu gar", + "Ġj u", + "Ġmil k", + "Ġappro val", + "ĠL ive", + "Ġequival ent", + "ef ully", + "Ġins ert", + "z ona", + "Ġext ension", + "d ri", + "J ohn", + "Ġacc omp", + "S m", + "ĠF und", + "Ġconst antly", + "Ġ` `", + "Ġgener ated", + "ĠA ction", + "ĠP sych", + "ĠT ri", + "Ġrecogn ize", + "Ġv ary", + "ph a", + "ĠR a", + "d f", + "et ch", + "ĠSov iet", + "Tw o", + "Ġpattern s", + "Ġprof ession", + "an ing", + "T ime", + "ĠL im", + "Ġcol ors", + "ĠA z", + "ĠT R", + "Ġinf ect", + "Ġphen omen", + "Ġshe ll", + "Al so", + "Ġput s", + "Ġdel ivery", + "Ġbro wn", + "Ġprocess ing", + "Ġlight s", + "ess age", + "ĠBro ok", + "ĠA ud", + "l ation", + "Ġindust rial", + "L ike", + "ĠB razil", + "rou s", + "ES S", + "ĠL uc", + "Ġsome how", + "Ġ8 5", + "Ġpro port", + "Ġpolit icians", + "Ġindic ate", + "Ġh ole", + "Ġtechn iques", + "Ġcompet itive", + "Ġph r", + "Ġv o", + "ist ent", + "ĠD ream", + "Ġcamp us", + "Ġaspect s", + "Ġhelp ful", + "Ġsh ield", + "or se", + "Ġtrig ger", + "m al", + "Ġ5 8", + "Ġt ort", + "Ġperson ally", + "Ġt ag", + "Ġkeep s", + "ĠV ideo", + "Ġben ch", + "Ġg ap", + "a ire", + "Ġe ast", + "Ġrec overy", + "per ial", + "Ġprof it", + "ĠM ic", + "Ġ5 7", + "Ġcol on", + "Ġstrong ly", + "st yle", + "Ġalleg ations", + "h an", + "Ġrep orters", + "j o", + "r ine", + "arg et", + "and al", + "Ġ0 3", + "Ġfl ash", + "tr ans", + "Ġstr ict", + "Ġpark ing", + "ĠPak istan", + "Ġl i", + "Ġwe ird", + "ĠE ric", + "Ġreg ions", + "ĠJ un", + "Ġint ellect", + "ĠW H", + "od ing", + "rib utes", + "up id", + "ĠT it", + "Ġf inger", + "or ia", + "Ġe lev", + "ĠF ield", + "Ġcon clusion", + "; ;", + "Ġfeel ings", + "Ġext ensive", + "Ġm ixed", + "Ġne uro", + "v y", + "Ġhar ass", + "ĠC irc", + "ou ch", + "Ġterrit ory", + "Ġsuccess fully", + "M ar", + "Ġing red", + "Ġoverw hel", + "Ġl ayer", + "V iew", + "Ġall ies", + "ill ance", + "ĠTh ree", + "Ġb unch", + "Ġnorm ally", + "Ġnet works", + "Ġsac r", + "ĠC IA", + "b les", + "Ġch ose", + "Ġopp onents", + "Ġregard less", + "Ġfr anch", + "Ġpre f", + "ĠP o", + "Ġbr idge", + "ann a", + "ĠSil ver", + "Ġw age", + "p age", + "ri or", + "Ġrad ical", + "ĠL ittle", + "Ġman ip", + "Ġsecret ary", + "Ġg ang", + "D R", + "F A", + "Ġdec ent", + "ĠSp irit", + "Ġun cle", + "ĠDevelop ment", + "Ġinvest ors", + "Ġwall s", + "Ġpub lish", + "Ġgener ate", + "iss ions", + "c ar", + "Ġprom ote", + "Ġcut ting", + "Ġche st", + "Ġdrink ing", + "Ġcollect ed", + "Ġ7 2", + "Ġhop ing", + "Ġem br", + "gor ith", + "Ġwar ned", + "Ġinstruct ions", + "O G", + "ĠD id", + "ĠAg ency", + "Ġg ear", + "Ġcritic ism", + "ĠF urther", + "Ġut il", + "ann y", + "R ed", + "Ġcoun sel", + "ĠAs ian", + "Ġredu ction", + "p ool", + "Ġteach ing", + "Ġdeep ly", + "i y", + "Ġestim ates", + "Ġcho ices", + "Ġperman ent", + "in em", + "ke l", + "Ġf asc", + "p se", + "f ile", + "ĠL ow", + "ĠP erson", + "Ġt ournament", + "st al", + "Ġm el", + "U ST", + "ĠR ay", + "az i", + "V al", + "Ġcont ained", + "ĠH olly", + "Ġw ake", + "Ġreve al", + "Ġprocess es", + "ĠIS IS", + "Ġ0 9", + "Ġbl ind", + "Ġste el", + "ĠB ad", + "Ġcare fully", + "app y", + "ro it", + "Ġg aming", + "Ġhous es", + "ĠC oll", + "Ġtr uck", + "er m", + "Ġsc ored", + "Ġocc as", + "ret urn", + "b ound", + "v ar", + "Ġsh arp", + "Ġaf raid", + "ĠE X", + "am ber", + "c ific", + "Ġsche me", + "N C", + "ĠPol it", + "Ġdecl ine", + "Ġ199 8", + "Ġpus hing", + "Ġposs ession", + "Ġpriv ile", + "Ġteacher s", + "Ġy ield", + "H A", + "ĠDav is", + "it led", + "#### ####", + "Ġr ig", + "ĠD aniel", + "ac on", + "Ġh ide", + "ut en", + "Ġcolle agues", + "Ġprin ciples", + "Ġl oud", + "Ġs in", + "ĠDem on", + "Ġst one", + "Ġ0 2", + "Ġt aught", + "Ġter rible", + "Ġst uck", + "ĠPol icy", + "te en", + "Ġimplement ation", + "ĠB BC", + "ĠAP I", + "Ġwhe el", + "all as", + "Ġch ampions", + "ol ars", + "play er", + "Ġrepeated ly", + "ĠSt ill", + "Ġlik es", + "ast y", + "es ter", + "ĠCath olic", + "R L", + "Ġb ath", + "Ġno ise", + "t itle", + "Ġn orthern", + "P art", + "Ġmag n", + "Ġf ab", + "ĠAs h", + "Ġdis pl", + "Ġtick et", + "Ġm urd", + "Ġalong side", + "ĠMus ic", + "Ġr iver", + "ĠSte el", + "ĠC L", + "ĠPl ayer", + "ĠM ult", + "ow ing", + "re p", + "s ize", + "Ġt ur", + "ĠGeorg ia", + "isc al", + "ra ction", + "Ġc able", + "Ġ5 9", + "Ġw ins", + "Ġup coming", + "Ġsurv ive", + "Ġins pired", + "ĠEduc ation", + "Ġstat istics", + "ĠF oot", + "iam i", + "Ġy ellow", + "ĠP age", + ". -", + "ĠH as", + "Ġur ban", + "Ġa x", + "es sel", + "\\ \"", + "Ġquarter back", + "Ġreg ister", + "ĠLab or", + "Ġab ilities", + "ĠF amily", + "Ġvar iable", + "ĠPr ice", + "Ġcont em", + "Ġth in", + "ĠE qu", + "d ata", + "Ġg otten", + "Ġconst it", + "Ġas ks", + "Ġt ail", + "Ġexc iting", + "ĠE ffect", + "ĠSp anish", + "Ġencour age", + "ins on", + "ĠA h", + "Ġcommit ment", + "C S", + "Ġr ally", + "Ġ: :", + "Ġsubs id", + "Ġsp in", + "Ġcapt ured", + "201 8", + "Ġinn oc", + "Ġalleged ly", + "ĠC ome", + "Ġart ists", + "ĠN umber", + "Ġelect ronic", + "Ġreg ional", + "ap es", + "Ġw ra", + "Ġmy th", + "pr ise", + "ĠM iller", + "ĠC reat", + "ĠEp isode", + "b ell", + "Ġdirect ed", + "Ġext ract", + "Ġs orry", + "Ġv ice", + "ag ger", + "ĠSu pport", + "Ġ6 6", + "ĠI ron", + "Ġwonder ful", + "Ġg ra", + "N et", + "ion e", + "E ng", + "Ġsh ips", + "ik es", + "ĠK evin", + "it ar", + "Ġactiv ists", + "tr ue", + "ĠAri zona", + "ent h", + "ĠDes pite", + "ĠS E", + "Ġha bit", + "ern el", + "Ġin qu", + "Ġab ortion", + "Ġv oid", + "Ġexpl icit", + "Ġeng aged", + "Ġang ry", + "Ġr ating", + "Ġfr ag", + "b ro", + "ick ing", + "d ev", + "Ġwor ried", + "Ġob ser", + "Ġap artment", + "ĠG T", + "Ġest ate", + "ĠConst itution", + "em on", + "ĠS now", + "Ġcount y", + "Ġdis ag", + "ĠStep hen", + "Ġimm igrants", + "w ind", + "ĠN ations", + "Ġfol ks", + "O ut", + "Ġg all", + "Ġtarget ed", + "Ġst ead", + "ĠB on", + "ĠL ib", + "Ġinform ed", + "Ġ12 0", + "ch ain", + "idel ines", + "or ough", + "Ġdri ven", + "Ġregular ly", + "Ġbas ket", + "Ġprinc iple", + "oc ument", + "Ġst un", + "ib ilities", + "ĠRom an", + "ĠAb out", + "Ġal ert", + "Ġdemocr acy", + "Ġrepresent ed", + "H S", + "c ers", + "p arent", + "Ar t", + "p ack", + "Ġdi plom", + "re ts", + "ĠN O", + "Ġcapt ure", + "ĠAd v", + "Ħ ¢", + "Ġannounce ment", + "ĠL ear", + "Ġh ook", + "Ġpur s", + "ĠS uch", + "ĠC amer", + "Ġrefuge es", + "ĠV e", + "P ol", + "Ġrecogn ized", + "l ib", + "Ġhad n", + "A ss", + "Ġpil ot", + "us hing", + "Ġreturn ing", + "Ġtra il", + "ĠSt one", + "Ġrout ine", + "Ġcour ts", + "Ġdes per", + "Ġfriend ly", + "ĠIt aly", + "Ġpl ed", + "Ġbreat h", + "Ġstud io", + "N S", + "Ġimp ressive", + "ĠAfghan istan", + "Ġf ing", + "Ġd ownt", + "ink ing", + "ĠR og", + "i ary", + "col or", + "se x", + "ar on", + "Ġf ault", + "ĠN ick", + "D own", + "ĠR ose", + "ĠS outhern", + "X X", + "is odes", + "L ist", + "6 00", + "Ġout come", + "er r", + "Ġelse where", + "Ġret ire", + "Ġp ounds", + "ĠGl obal", + "Pe ople", + "Ġcommun ications", + "Ġlo an", + "Ġrat io", + "ĠEm pire", + "Ġg onna", + "Ġinv ent", + "D F", + "Ġ19 70", + "ĠComm on", + "p at", + "Ġprom ised", + "Ġd inner", + "ĠH om", + "Ġcreat es", + "Ġoper ate", + "ver ty", + "ĠJ ordan", + "et ime", + "Ġsust ain", + "R eg", + "Ġincred ible", + "im a", + "Ġwar rant", + "Ġm m", + "A tt", + "Ġlaw suit", + "Ġreview s", + "it ure", + "ĠS ource", + "l ights", + "ĠF ord", + "Ġ6 3", + "g roup", + "st ore", + "Ġfeat ured", + "Ġfore ver", + "Ġpo verty", + "ĠP op", + "ĠC NN", + "az z", + "ab is", + "ach ing", + "Ġl aid", + "ĠSu pp", + "Ġfil ter", + "en a", + "ĠCommun ity", + "Ġcreat ures", + "u ction", + "ĠR oyal", + "Ġassoci ation", + "ĠCon nect", + "ĠBr ad", + "âĸ Ī", + "l ers", + "the re", + "ĠG i", + "Ġval uable", + "AC K", + "ĠT aylor", + "Ġl iquid", + "ĠAtt orney", + "ĠCar l", + "ĠF inal", + "ag a", + "ĠWil son", + "B ecause", + "ĠProf essor", + "ak a", + "Ġincred ibly", + "r ance", + "! )", + "R ef", + "s k", + "Ġsol utions", + "Ġatmosp here", + "Ġbl ame", + "um es", + "ĠN ob", + "C A", + "um ps", + "r ical", + "ĠPut in", + "ĠD est", + "or ic", + "ĠP A", + "Ġrespect ively", + "w an", + "Ġfif th", + "â Ħ¢", + "ĠC ry", + "Ġgovern or", + "res ident", + "Ġpurch ased", + "Ġh ack", + "Ġint ense", + "ob s", + "Ġorig in", + "Ġdef ine", + "Ġcare ful", + "** *", + "Ġshould er", + "Cl ick", + "Ġt ied", + "Ġdest ruction", + "ou red", + "Ġno body", + "Ġh o", + "ĠEx per", + "Ġt ip", + "\" ;", + "Ġtechn ique", + "Ġj ur", + "ĠP ok", + "b ow", + "Ġleg end", + "Ġacc ord", + "Ġbus y", + "ĠInt el", + "Ġh ang", + "ak i", + ". ]", + "âĢĶâĢĶ âĢĶâĢĶ", + "Ġsur gery", + "Ġrep rodu", + "Ġun iform", + "Ġscen es", + "c ode", + "Ġ6 2", + "l isher", + "ĠH ave", + "ph ia", + "Ġcry pt", + "Ġrec on", + "Ġsc ream", + "Ġadop ted", + "Ġsc ores", + "N e", + "ĠIt alian", + "in cluding", + "B O", + "Ġindic ated", + "Ġent ertain", + "G u", + "T ext", + "i el", + "Ġtw enty", + "Ġeng age", + "off s", + "ĠPac ific", + "Ġsm ile", + "Ġperson nel", + "Ġto ler", + "Ġdo ors", + "Ġt one", + "Ġmach ines", + "Ġent ering", + "ten ance", + "C O", + "ĠJer sey", + "Ġfore st", + "Ġhor se", + "Ġcompl aint", + "ĠSpr ing", + "y o", + "ĠPl us", + "ed ing", + "ĠRet urn", + "qu arters", + "ial s", + "c ow", + "Ġacad emic", + "Ġf ruit", + "Ġ199 6", + "og ether", + "Ġw ine", + "Ġpur su", + "ĠSte ven", + "Ġlic ens", + "Wh o", + "Ġclot hes", + "re ction", + "Ġsqu ad", + "Ġst able", + "Ġr aw", + "z ens", + "St ar", + "ut ies", + "anc er", + "Ġke ys", + "ĠM u", + "Ġcompl icated", + "ig er", + "ĠTe xt", + "Ġabs or", + "Ġ6 8", + "Ġfun ny", + "Ġrel ief", + "ĠL ew", + "ĠC ook", + "Ġch art", + "Ġdraw ing", + "G E", + "Ġmod ule", + "ĠB ull", + "I LL", + "Ġs alt", + "0000 0000", + "il le", + "Ġres ource", + "aw ay", + "adel phia", + "ĠB ru", + "Ġ6 7", + "Ġsome body", + "Ġparticip ate", + "Ġro se", + "we red", + "Ġmus cle", + "Ġcons ent", + "Ġcontin uing", + "ĠGuard ian", + "ĠOr der", + "reg on", + "Ġre ar", + "Ġprov ision", + "Ġlik ed", + "ri ent", + "Ġb ra", + "Tr ans", + "Ġmeet ings", + "Ġto x", + "Ġcon vent", + "Ġaut o", + "Ġrec ording", + "ĠSo ft", + "00 1", + "ĠR oll", + "Ġprogram ming", + "Ġp ic", + "Ġprov ed", + "Ġst ab", + "ĠA st", + "Ġca ption", + "ul ating", + "ĠAtt ack", + "Ġnew ly", + "Ġ199 7", + "f r", + "Ġdis cipl", + "ĠGree k", + "Ġed ition", + "ĠDo es", + "ĠB ox", + "if le", + "ack et", + "Ġpass es", + "Ġgu est", + "Ġac celer", + "it als", + "U D", + "Ġaut hent", + "ĠR est", + "ov al", + "t a", + "u ine", + "Ġarm or", + "ĠT own", + "Ġcomp at", + "Ġinc hes", + "Des pite", + "Ġass ign", + "he rent", + "Ġprep are", + "ĠM eg", + "oc key", + "Ġdep ends", + "Ġtrack s", + "w atch", + "Ġl ists", + "ĠN orthern", + "Ġal ter", + "re c", + "ĠE astern", + "Ġcond em", + "Ġevery where", + "? '", + "Ġaff ili", + "Ġf ought", + "\": {\"", + "Ġm ac", + "it arian", + "Ġsc ope", + "ĠA L", + "aw s", + "ar ms", + "Ġqu e", + "Ġenjoy ed", + "nes ota", + "Ġagg ressive", + "ĠSt ory", + "ĠI V", + "Ġrec ipe", + "Ġrare ly", + "ĠMed ical", + "val ue", + "ang el", + "ay ing", + "omet hing", + "Ġsub section", + "Ġs outhern", + "Ġfrequ ency", + "re te", + "roll ed", + "ult s", + "ĠN ic", + "Ġbeh alf", + "Ġsequ ence", + "ab et", + "Ġcontrovers ial", + "Ġcomp rom", + "Ġwork er", + "Ġmain ly", + "Ġal gorith", + "ĠM ajor", + "or ce", + "g ender", + "Ġorgan ized", + "Ġf ake", + "Ġconclud ed", + "ĠE D", + "ĠEx ec", + "r age", + "Ġch ances", + "ber ry", + "ĠTr ad", + "Ġconfig uration", + "Ġwithd raw", + "Ġf ro", + "ud es", + "ĠBro ther", + "ĠB rian", + "Ġtri es", + "Ġsam ples", + "Ġb id", + "ĠGold en", + "Ġphot ograph", + "if est", + "ĠD O", + "ĠPar liament", + "******** ********", + "R em", + "Ġcont est", + "Ġsign ing", + "p x", + "ĠZ eal", + "âĶĢ âĶĢ", + "E ar", + "Ġex it", + "Be fore", + "ĠCor por", + "n ull", + "mon th", + "Ġrac ial", + "ott ed", + "ĠV eg", + "ĠRe uters", + "Ġsw ord", + "ps on", + "ĠRom ney", + "a ed", + "Ġt rib", + "Ġin ner", + "Ġprot ocol", + "ĠB i", + "ĠM iami", + "ever al", + "p ress", + "Ġsh ipping", + "ĠAm endment", + "ĠHow ard", + "con nect", + "ĠD isc", + "ĠJ ac", + "iam ond", + "ĠThere fore", + "s es", + "ĠPrin cess", + "ĠUS B", + "ĠAn th", + "Ġsurve illance", + "Ġap olog", + "Ġ6 1", + "ow a", + "Ġf ulf", + "j s", + "Ġl uck", + "ust ed", + "Ġ §", + "n i", + "Ġant icip", + "em an", + "Ġwin ner", + "Ġsil ver", + "ll a", + "ic ity", + "Ġunus ual", + "Ġcr ack", + "Ġt ies", + "e z", + "Ġpract ical", + "Ġprov ince", + "ĠPl ace", + "Ġprior ity", + "IC E", + "Ġdescrib es", + "Ġbr anch", + "F orm", + "ask a", + "miss ions", + "b i", + "Ġp orn", + "ĠTur k", + "Ġent hus", + "Ġf ighters", + "Ġ0 8", + "ĠDet roit", + "Ġfound ation", + "av id", + "A re", + "Ġjud gment", + "cl ing", + "Ġsol ve", + "ĠDes ign", + "W here", + "hes is", + "ĠT ro", + "a fter", + "Ġne utral", + "ĠPalestin ian", + "ĠHolly wood", + "Ġadv is", + "ĠN on", + "y es", + "ol is", + "Ġrep utation", + "Ġsm ell", + "Ġb read", + "ĠB ul", + "ĠBe ach", + "Ġclaim ing", + "Ġgen etic", + "Ġtechn ologies", + "Ġupgr ade", + "row s", + "Ġdevelop er", + "ĠJ osh", + "ĠDis ney", + "erv ed", + "ip al", + "Ġun ex", + "Ġbare ly", + "t hen", + "ĠP ub", + "Ġill ness", + "et ary", + "ĠB al", + "Ġp atch", + "Ġbut t", + "Ġst upid", + "ĠD og", + "ĠD allas", + "f ront", + "ie ce", + "Ġprot ests", + "Ġch at", + "oen ix", + "Ġw ing", + "Ġpar liament", + "Ġ7 7", + "ose xual", + "Ġre nder", + "pt ions", + "ĠCo ast", + "os a", + "ĠG reg", + "h op", + "ĠMan agement", + "Ġbit coin", + "Ġrec over", + "Ġincor por", + "or ne", + "ĠUs ing", + "Ġpre ced", + "Ġthreat ened", + "Ġspirit ual", + "ĠE vent", + "ĠF red", + "Ġadvert ising", + "Ġimprove ments", + "ĠC ustom", + "Ġer rors", + "Ġsens itive", + "ĠN avy", + "Ġcre am", + "L ook", + "Ġex clusive", + "Ġcomp rehens", + "Ġde leg", + "Ġcon ce", + "Ġrem em", + "Ġstruct ures", + "Ġst ored", + "N D", + "Ġ1 000", + "U P", + "ĠB udd", + "A F", + "w oman", + "ĠAcad emy", + "ð Ł", + "se a", + "Ġtem porary", + "Ab out", + "es ters", + "Ġtick ets", + "Ġposs ess", + "in ch", + "o z", + "Ġl a", + "Ġcontract s", + "Ġun p", + "Ġc ig", + "ĠK at", + "ult ural", + "as m", + "Ġmount ain", + "ĠCapt ain", + "St ep", + "m aking", + "ĠSp ain", + "Ġequ ally", + "Ġl ands", + "at ers", + "Ġreject ed", + "er a", + "im m", + "ri x", + "C D", + "Ġtrans action", + "g ener", + "less ly", + "Ġ| |", + "Ġc os", + "ĠHen ry", + "Ġprov isions", + "Ġg ained", + "Ġdirect ory", + "Ġra ising", + "ĠS ep", + "ol en", + "ond er", + "Ġcon sole", + "in st", + "Ġb om", + "Ġunc ertain", + "1 50", + "ock ing", + "Ġmeas ured", + "Ġpl ain", + "Ġse ats", + "Ġd ict", + "S L", + "af e", + "Ġest imate", + "iz on", + "at hered", + "Ġcontribut ed", + "Ġep isodes", + "omm od", + "G r", + "AN T", + "Ġ6 9", + "G ener", + "Ġ2 50", + "vious ly", + "rog en", + "Ġterror ism", + "Ġmove ments", + "ent le", + "oun ce", + "ĠS oul", + "Ġpre v", + "ĠT able", + "act s", + "ri ors", + "t ab", + "Ġsuff er", + "Ġn erv", + "Ġmain stream", + "ĠW olf", + "Ġfranch ise", + "b at", + "Ġdem ands", + "Ġag enda", + "Ġdo zen", + "Ġclin ical", + "iz ard", + "ĠO p", + "t d", + "Ġvis ited", + "ĠPer haps", + "Ġact or", + "Ġde lic", + "Ġcont ribute", + "Ġin ject", + "ĠE s", + "ac co", + "Ġlist ening", + "Ġcon gress", + "epend ent", + "Ġprem ium", + "Ġ7 6", + "ĠIr ish", + "Ġass igned", + "ĠPh ys", + "Ġworld wide", + "Ġnarr ative", + "ot ype", + "m ont", + "b ase", + "ĠB owl", + "ĠAdminist ration", + "Ġrel ation", + "ĠE V", + "C P", + "Ġco vers", + "Ġ7 8", + "Ġcert ific", + "Ġgr ass", + "Ġ0 4", + "pir acy", + "ir a", + "Ġengine ering", + "ĠM ars", + "Ġun employ", + "ĠFore ign", + "st ract", + "Ġv en", + "Ġst eal", + "Ġrepl ied", + "Ġult imate", + "Ġtit les", + "d ated", + "Ġj oy", + "a us", + "Ġhy per", + "ak u", + "Ġoffic ially", + "ĠPro duct", + "Ġdifficult y", + "per or", + "Ġresult ed", + "rib ed", + "l ink", + "wh o", + "~~ ~~", + "ĠSpe ed", + "ĠV iet", + "W ind", + "ĠBar ack", + "Ġrestrict ions", + "ĠSh are", + "Ġ199 5", + "ition ally", + "Ġbeaut y", + "op t", + "Ġm aps", + "ĠC R", + "ĠN ation", + "ĠCru z", + "W ill", + "Ġelectric ity", + "Ġor g", + "Ġb urd", + "Ġviol ation", + "Ġus age", + "Ġper mit", + "ĠCh ron", + "ĠF ant", + "Ġn aturally", + "Ġ0 7", + "Ġth rown", + "ĠAw oken", + "Ġal ien", + "ĠHer o", + "ĠK ent", + "ĠR ick", + "ri ke", + "Ġp ace", + "}, {\"", + "G L", + "Ġpo ison", + "ĠT ower", + "Ġform al", + "al ysis", + "Ġgen uine", + "Ġk il", + "a ver", + "Ġproced ure", + "ĠPro p", + "intend o", + "ĠM ain", + "as ant", + "Ġtr ained", + "G ame", + "ĠL oad", + "ĠM A", + "Ġcru cial", + "Ġle ts", + "ĠF R", + "Ġch ampion", + "1 01", + "ĠCon ference", + "Ġwrit ers", + "Ġconnect ions", + "Ġo kay", + "ir ms", + "ĠR and", + "Ġenc ounter", + "ĠB uff", + "Ġachie ved", + "Ġche cks", + "isc ons", + "Ġassist ant", + "Ġwhen ever", + "ĠA ccess", + "ĠU r", + "b in", + "Ġcl ock", + "is p", + "op her", + "Ġb orrow", + "Ġm ad", + "Ġperson ality", + "on ly", + "IS T", + "ab ama", + "Ġg ains", + "Ġcommon ly", + "Ġter r", + "Ġhyp ot", + "Ġre ly", + "Ġt iss", + "iscons in", + "Ġrid ic", + "f unction", + "ĠO regon", + "Ġun com", + "r ating", + "el and", + "ĠN C", + "Ġm oon", + "ann on", + "Ġvulner able", + "ut ive", + "³³ ³³", + "ĠRad io", + "Ġw estern", + "se ct", + "ĠT ony", + "Ġocc urs", + "ĠO s", + "ĠH on", + "à Ń", + "Ġv essel", + "ĠScot land", + "Ġdiscrim ination", + "Ġsubsequ ent", + "st ring", + "Ġfant asy", + "ĠSh adow", + "Ġtest im", + "W E", + "it i", + "r as", + "Ġbo at", + "Ġmar ks", + "Ġord inary", + "Ġre n", + "Ġrepresent ative", + "Ġpet ition", + "Ġ7 3", + "Ġad venture", + "Ġign ore", + "ĠPhil adelphia", + "ĠS av", + "V P", + "Ġfact ory", + "Ġt asks", + "Ġdep ression", + "z ed", + "................ ................", + "ĠSt orm", + "Ġc ogn", + "Ġelig ible", + "Ġredu cing", + "v ia", + "Ġ0 5", + "Ġstri king", + "Ġdoll ar", + "h o", + "O V", + "Ġinstr ument", + "Ġphilosoph y", + "ĠMo ore", + "ĠA venue", + "Ġrul ed", + "ĠFr ont", + "IN E", + "ĠM ah", + "Ġscen ario", + "ĠNAS A", + "Ġen orm", + "Ġdeb ut", + "Ġte a", + "T oday", + "Ġabs ence", + "S im", + "Ġh am", + "le ep", + "Ġt ables", + "ĠHe art", + "M I", + "K e", + "re qu", + "V D", + "m ap", + "Ġchair man", + "Ġp ump", + "Ġrapid ly", + "v i", + "Ġsubstant ial", + "E P", + "d es", + "ch ant", + "ili pp", + "ĠS anta", + "ri ers", + "anche ster", + "L oad", + "ĠC ase", + "Ġsa ving", + "Ġ7 4", + "ĠA FP", + "er ning", + "oun ced", + "ĠMin nesota", + "ĠW as", + "Ġrec ru", + "Ġassess ment", + "ĠB ron", + "U E", + "Ġdynam ic", + "Ġf urn", + "ul ator", + "Ġprop ag", + "h igh", + "Ġacc ommod", + "Ġst ack", + "ĠS us", + "w rit", + "Ġre ven", + "ĠGod d", + "ĠZeal and", + "ab s", + "Ġbr ut", + "Ġper pet", + "h ot", + "Ġhard ly", + "ĠB urn", + "ãĤ ¹", + "Ġst y", + "Ġtrans actions", + "Ġg ate", + "Ġsc reens", + "Ġsub mitted", + "Ġ1 01", + "Ġlangu ages", + "ugh t", + "em en", + "Ġfall s", + "Ġc oc", + "Ĥ ¬", + "Ġstri kes", + "p a", + "Ġdel iber", + "ĠI M", + "Ġrel ax", + "ann els", + "ĠSen ator", + "Ġext rem", + "Ġ} ,", + "ĠDe b", + "Ġbe ll", + "Ġdis order", + "c ut", + "Ġi OS", + "Ġl ocked", + "Ġem issions", + "Ġshort ly", + "\" ]", + "ĠJud ge", + "ĠS ometimes", + "Ġr ival", + "Ġd ust", + "Ġreach ing", + "F ile", + "¯¯ ¯¯", + "ino is", + "ĠJ ason", + "Ġs atell", + "are t", + "Ġst ations", + "Ġag ric", + "ĠTechn ology", + "com es", + "ĠUn fortunately", + "ĠChild ren", + "Ġappl ies", + "ast ed", + "Ġan ger", + "ail ability", + "ĠDam age", + "Ġcomp are", + "ĠStand ard", + "Ġaim ed", + "ĠB a", + "angu age", + "Ġreg ulation", + "Ġj ury", + "Ġair port", + "Ġse ctions", + "ĠPr ince", + "em ed", + "Ġmedic ine", + "Ġh itting", + "Ġsp ark", + "ol ves", + "Ġad s", + "St ate", + "Ġfood s", + "Ġrepl acement", + "Ġch icken", + "Ġlow est", + "Ġmind s", + "Ġinvol ves", + "u i", + "Ġarr ang", + "Ġproced ures", + "ĠWh ich", + "ivers ary", + "Ġb ills", + "Ġimprove ment", + "Ġin ev", + "Ġexpect ations", + "Ġintellect ual", + "Ġsp aces", + "Ġmechan ism", + "2 50", + "bre ak", + "ĠZ e", + "ĠT enn", + "ĠB alt", + "Ġbar rel", + "Ġstat ic", + "man n", + "Pol ice", + "Ġt ips", + "Ġhand ling", + "c us", + "od ed", + "il ton", + "ir y", + "Ġjournal ists", + "our se", + "Ġcom ic", + "Ġnom ine", + "IT Y", + "Ġvers us", + "Ġlo op", + "Ġsur f", + "ĠInd ust", + "ĠHun ter", + "Ġbelief s", + "is an", + "Ġset up", + "Ġbre w", + "im age", + "Ġcomput ers", + "f ol", + "} ,\"", + "ĠMed al", + "Ġtax p", + "Ġdisplay ed", + "Ġg rav", + "Ġf iscal", + "M on", + "ĠMos cow", + "ĠK ong", + "ĠCent re", + "Ġcamer as", + "ĠMr s", + "ĠH ay", + "Ġa ver", + "ĠK elly", + "p y", + "Ġrequire ment", + "Ġent itled", + "omb ie", + "Ġsh adow", + "ag ic", + "ĠA k", + "Ġel ite", + "Ġdiv ided", + "Ġhead ing", + "Ġcop ies", + "Ġloss es", + "Ġv it", + "k ed", + "ĠB ry", + "Ġan s", + "ĠSte am", + "Ġrep orter", + "he im", + "ĠIt em", + "Ġsuper ior", + "d on", + "ere nt", + "à ¶", + "Ġtherap y", + "Ġpe ak", + "ĠMod el", + "Ġl ying", + "Ġg am", + "z er", + "r itten", + "Ġrespons es", + "Ġconsider ation", + "ĠB ible", + "Ġl oyal", + "Ġinst ant", + "Ġp m", + "ĠFore st", + "à ¼", + "Ġext end", + "Ġconv icted", + "Ġfound er", + "Ġconv in", + "ĠO ak", + "che ck", + "Ġsch olars", + "p ed", + "Ġover se", + "T op", + "c ount", + "ĠAr k", + " ·", + "Ġ0 6", + "ĠL A", + "m d", + "ĠLat in", + "im ental", + "ĠC PU", + "Ġsubst ance", + "Ġminor ity", + "Ġmanufact uring", + "E r", + "ocol ate", + "Ġatt ended", + "ĠMan ager", + "r ations", + "Ġappreci ate", + "om y", + "GB T", + "id ency", + "B L", + "Ġguarant ee", + "pos ition", + "Ġo cean", + "clud e", + "Ġhead ed", + "Ġt ape", + "Ġlo ose", + "Ġlog ic", + "Ġpro ven", + "Ġsp ir", + "Ġad mit", + "is a", + "Ġinvestig ate", + "Ġ199 4", + "sy lv", + "ĠL ost", + "c est", + "Ġ7 1", + "Ġrequest ed", + "Ġwind ows", + "ĠPok é", + "ĠWith out", + "M et", + "Ġbehavi our", + "Ġread er", + "Ġh ung", + "ĠKe ep", + "Ġro les", + "Ġimplement ed", + "Ġbl ank", + "Ġserv es", + "ĠJ ay", + "Ġc ited", + "ĠF riend", + "prof it", + "ap on", + "Ġrep air", + "it em", + "arr ass", + "Ġcrit ics", + "ad i", + "ĠF ather", + "Ġsh out", + "Ġf ool", + "Ġ8 8", + "Ġprodu cing", + "Ġl ib", + "Ġround s", + "Ġcirc le", + "Ġpre par", + "Ġsub mit", + "Ġn ic", + "mor row", + "ãĥ «", + "U nder", + "Ġv ital", + "ater n", + "Ġpass word", + "Ġpublic ation", + "Ġprom inent", + "Ġspeak s", + "Ġb ars", + "Ġde eper", + "ĠM ill", + "port ed", + "Ġw id", + "Ġbut ter", + "Ġsm oking", + "Ġindic ates", + "K ey", + "rop ri", + "ĠF ile", + "all ing", + "ast ing", + "ĠR us", + "Ġad j", + "Ġ7 9", + "av al", + "Ġpres um", + "bur gh", + "on ic", + "Ġf ur", + "Ġpoll s", + "ik a", + "Ġsecond ary", + "Ġmon ster", + "ig s", + "ĠCur rent", + "E vent", + "Ġowners hip", + "end ar", + "Ġarri ve", + "ĠT ax", + "Ġn ull", + "ĠPri v", + "Ġth ro", + "Ġk iss", + "c at", + "Ġup set", + "ang le", + "it ches", + "ect or", + "olog ists", + "ĠGal axy", + "Ġcor ruption", + "Ġh int", + "ent er", + "ĠH ospital", + "Ġgreat ly", + "Ġbeg un", + "es y", + "Ġso il", + "ĠAnt on", + "Ġmain tenance", + "ãĥ ©", + "Ġdo zens", + "Ġhuman ity", + "ĠAl abama", + "Ġr om", + "w orth", + "ap ing", + "sylv ania", + "l ah", + "Ġg athered", + "G A", + "Ġattack ing", + "f ound", + "ĠSqu are", + "Ġar bit", + "ict ions", + "ĠW isconsin", + "Ġd ance", + "ĠS aint", + "arch y", + "Ġbase ball", + "Ġcontribut ions", + "Ġliter ature", + "Ġex ha", + "per ty", + "t est", + "Ġb ab", + "Ġcontain er", + "let ter", + "Ġfall en", + "Ġwebs ites", + "Ġbott le", + "ĠS ac", + "Ġbre ast", + "ĠP L", + "Ġveter an", + "Ġinterview s", + "ĠA le", + "Ġb anned", + "eng ers", + "ĠRev olution", + "in th", + "Ġconc erning", + "IV E", + "Ġexp enses", + "ĠMatt hew", + "ĠColumb ia", + "d s", + "ist ance", + "Ġent ity", + ".. .\"", + "Ġrel iable", + "Ġpar alle", + "ĠChrist ians", + "Ġopin ions", + "Ġin du", + "l ow", + "Ġcompet e", + "Ġth orough", + "Ġemploy ed", + "Ġestablish ment", + "ig en", + "ĠC ro", + "Ġlawy ers", + "ĠSt ation", + "T E", + "ĠL ind", + "ĠP ur", + "it ary", + "Ġeffic iency", + "âĢ IJ", + "ĠL y", + "Ġm ask", + "Ġdis aster", + "Ġag es", + "ER E", + "es is", + "ĠH old", + "Ġcas ual", + "b led", + "Ġen abled", + "ĠEn vironment", + "ĠInt elligence", + "i per", + "ĠM ap", + "ĠB E", + "Ġemer ged", + "is dom", + "Ġc abin", + "Ġregist ration", + "Ġfing ers", + "Ġro ster", + "Ġfram ework", + "ĠDo ctor", + "et ts", + "Ġtransport ation", + "Ġaware ness", + "H er", + "Ġattempt ing", + "O ff", + "ĠSt ore", + "ÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤ", + "ĠK now", + "Ġdef ence", + "Ġsc an", + "ĠT en", + "ĠCh air", + "ĠP H", + "ĠAtl anta", + "Ġfuck ing", + "Ġans wered", + "b n", + "ĠK ar", + "Ġcateg ories", + "Ġr ational", + "Ġc ust", + "Ġrob ot", + "Ġcorrect ly", + "Ġg if", + "Ġgraph ics", + "m ic", + "Ġground s", + "ĠO pp", + "i ate", + "Ġdist ributed", + "Ġsan ctions", + "Ġchalleng ing", + "ut o", + "Ġingred ients", + "Ġinv ited", + "Ġfound ed", + "ĠRe qu", + "d ed", + "Ġb owl", + "Ġbrother s", + "ĠH a", + "I O", + "Ġw ages", + "im ore", + "oc ial", + "Ġse ed", + "ative ly", + "Ġaddress es", + "ĠI owa", + "ab eth", + "Ġatt itude", + "is d", + "ch ild", + "Ġm ole", + "Ġdisco very", + "y ard", + "B r", + "Ġ8 2", + "Ġsuppl ies", + "ell ing", + "Ġdist ingu", + "C R", + "Ġre cept", + "Ġ vert", + "Ġsw im", + "b ec", + "d oor", + "ĠY eah", + "Ġg al", + "Ġinter act", + "ĠE SP", + "ĠC S", + "amp s", + "Ġconvin ced", + "Ġobject ive", + "Ġdis h", + "ĠPhot os", + "l ad", + "Ġdownt own", + "o il", + "in ction", + "Ġto morrow", + "ĠC OM", + "Ġsurv ival", + "sh ot", + "Ġsett lement", + "C ons", + "ĠX box", + "int erest", + "ĠS M", + "arg o", + "en ess", + "Ġeth nic", + "b ered", + "M in", + "ĠT ok", + "Ġinc ent", + "ĠComm and", + "Ġmain tained", + "Ġbreak s", + "br idge", + "at ar", + "ag g", + "ĠF inally", + "un icip", + "ĠO nt", + "le ft", + "Ġrecogn ition", + "Ġ* /", + "ĠP ers", + "Ġwe lf", + "Ġaddress ed", + "ĠK ansas", + "Ġvir us", + "Ġwhere as", + "Ġp apers", + "ram s", + "ĠMin istry", + "Ġple asure", + "Ġacqu ired", + "Ġd uration", + "j pg", + "Ġcal m", + "ĠN HL", + "Ġburn ing", + "Ġfold er", + "ick ed", + "ĠP y", + "ĠIll inois", + "Cl ass", + "ĠGodd ess", + "Ġperform ing", + "Ġwelf are", + "j ar", + "In ter", + "Ġl in", + "Ġenh ance", + "Ġnot ion", + "f are", + "yp es", + "ĠAre a", + "Ġcann abis", + "ĠDie go", + "f s", + "ĠM anchester", + "com m", + "in ite", + "Ġcover ing", + "ĠS ound", + "Ġ19 60", + "Ġ8 4", + "e lect", + "z ing", + "Ġcitiz en", + "Ġph ones", + "Ġr aid", + "Ġign ored", + "ĠOb ject", + "Ġu pload", + "c ard", + "Ġmod ified", + "Ġroom s", + "ia h", + "r ange", + "he ast", + "ach us", + "Ġsuggest ing", + "âĢ ĭ", + "gr ade", + "E l", + "Ġclot hing", + "Ġr h", + "ĠH an", + "un ity", + "en cing", + "ĠAust in", + "sec ution", + "t ra", + "d em", + "ĠQ ual", + "Ġhe aven", + "Ġst ages", + "Ġw edd", + "pl us", + "ific ial", + "ĠIm m", + "ĠH o", + "iet ies", + "Ġphr ase", + "Ġbr ill", + "act ory", + "Ġprov iders", + "Ġsil ence", + "Ġa er", + "ĠA I", + "ĠAd venture", + "Ġplatform s", + "Ġdemonstr ated", + "Ġinter f", + "ing ton", + "Ġr aces", + "Ġgr ade", + "ult ane", + "ĠTh rough", + "f alse", + "Ġb ow", + "ĠA B", + "Ġfl avor", + "Ġhistor ic", + "g ov", + "Ġcol our", + "Ġview ed", + "ĠEm ail", + "el come", + "Ġinter vention", + "Ġd iversity", + "Ġperiod s", + "Ġre verse", + "ĠV ery", + "Ġqu ote", + "ĠLe ft", + "th rough", + "Ġsc rew", + "Ġland ing", + "Ġp ill", + "Ġw et", + "Ġprot esters", + "Ġrepe at", + "av ed", + "er k", + "Ġsal ary", + "ĠPenn sylvania", + "St ill", + "Ġmay or", + "Ġkit chen", + "Ġfeat uring", + "ĠM useum", + "ĠT ournament", + "ĠF al", + "Ġser vers", + "U C", + "Ġany body", + "im g", + "ĠTr ade", + "ixt ure", + "the less", + "Ġfin ance", + "Ġcl osing", + "ĠPat ri", + "i ac", + "ab el", + "Ġ> >", + "or ous", + "Ġf irms", + "sc reen", + "un a", + "Ġemb arrass", + "ul se", + "Ġlet ting", + "Ġth rew", + "ile y", + "Ġch annels", + "l an", + "ĠVeg as", + "Ġse ar", + "Ġfant astic", + "ar re", + "uzz le", + "ĠD er", + "Th ose", + "Ġsw ing", + "Ġshe et", + "ind ex", + "co ver", + "og an", + "Ġvari ables", + "ĠTe ch", + "Ġsp oken", + "ac hel", + "ĠD a", + "ĠMount ain", + "Ġload ed", + "Ġfoot age", + "vers ion", + "Ġun l", + "ĠPh oenix", + "Ġthrow ing", + "Ġf iring", + "Ġtrack ing", + "Ġw idth", + "Ġstrugg ling", + "ro oms", + "ot ion", + "Ġmonth ly", + "ĠSer ver", + "Ġegg s", + "op en", + "M C", + "Ġ199 3", + "Ġh ired", + "Ġstay ed", + "ĠAll en", + "Ġst ro", + "Ġ9 8", + "st ep", + "ĠTurk ish", + "Ġfab ric", + "ist ing", + "ĠD om", + "Ġd ates", + "Ġpr on", + "Ġbasket ball", + "Ġl ucky", + "ĠArab ia", + "Ġassum ed", + "est y", + "Ġaff airs", + "Ġgl ad", + "ĠInd eed", + "ĠF A", + "ĠW ord", + "Ġjo ining", + "if ice", + "p read", + "ir ts", + "ĠSe lect", + "Ġpop ulations", + "aw are", + "Ġn ose", + "Ġcompl aints", + "st art", + "Ġsc oring", + "Th anks", + "Ġmin ing", + "Ġvisit ors", + "S H", + "Ġdam aged", + "Ġcharacter istics", + "ĠP ent", + "D C", + "Ġ8 3", + "ĠS ix", + "r ates", + "Ġfl ags", + "ĠB rew", + "d og", + "M ark", + "// //", + "Ġexec ution", + "Ġj oke", + "ph ones", + "Ġtestim ony", + "Ġob st", + "Q L", + "ĠC ut", + "Ġstud ied", + "ĠN intendo", + "ick et", + "ĠN BC", + "Ġl ad", + "ĠB ra", + "ĠM oh", + "Ġk ernel", + "Ġoverwhel ming", + "Ġag ed", + "Ġapplic able", + "ĠC ond", + "Ġroad s", + "ĠBl ock", + "m ade", + "od ge", + "Ġcomm ands", + "Ġoff ices", + "vel and", + "Ġt ut", + "Ġrece iver", + "ĠF ro", + "Ġsho pping", + "Ġi P", + "ĠSt re", + "ĠA BC", + "Ġentertain ment", + "ĠB ow", + "ort ed", + "M c", + "Ġread s", + "gr ad", + "ĠCol lect", + "Ġâ ĪĴ", + "ĠCap ital", + "eder ation", + "Ġemploy er", + "Ġinvolve ment", + "Ġanx iety", + "al ia", + "Ġro of", + "ĠAm ong", + "ĠDemocr at", + "Ġstat s", + "ĠV ill", + "Ġconst itutional", + "Ġrefer ring", + "itt y", + "Ġtack le", + "out ube", + "Ġback ed", + "ĠH ong", + "ĠBro ad", + "Ġe le", + "ĠO tt", + "Ġ199 2", + "h our", + "achus etts", + "C al", + "Ġdefe ated", + "Ġ8 1", + "es p", + "Ġseem ingly", + "w as", + "ĠJ enn", + "ĠK urd", + "Ġg ene", + "Ġdisc ount", + "R et", + "EC T", + "( );", + "Ġclub s", + "Ġs id", + "ĠM arsh", + "Che ck", + "Ġp p", + "ĠE ag", + "ides pread", + "Ġbe ings", + "F T", + "Ġintrodu ction", + "ĠCh ange", + "AR D", + "Ġ1 10", + "ad ows", + "ier ce", + "Ġme al", + "a uthor", + "ĠB ang", + "lah oma", + "Ġr anks", + "201 1", + "?? ??", + "m ax", + "Ġcoll apse", + "Ġop ens", + "Ġe cho", + "Ġs oph", + "Ġrac ist", + "Ġenorm ous", + "Ġw aves", + "Ġt ap", + "Ġcomprehens ive", + ". --", + "ĠR oy", + "Ġfarm ers", + "Rel ated", + "a ired", + "ron es", + "ĠC rim", + "Ġproport ion", + "Ġdesign s", + "Ġnegoti ations", + "Ġvirt ually", + "ĠBat man", + "Ġwar n", + "Ġlegit imate", + "m ate", + "Ġcon vention", + ", ,", + "net ic", + "ĠS D", + "Ġconsist ently", + "Ġcompens ation", + "Ġpunish ment", + "Ġy e", + "Ġt ie", + "ĠB ureau", + "ir lf", + "ĠB u", + "ĠA ren", + "ĠPh ilipp", + "Ġkn ife", + "Ġmem ories", + "ĠR oss", + "Ġang le", + "Ġ8 6", + "ĠTh under", + "Ġre nd", + "ĠT our", + "Ġcount s", + "s ung", + "ĠIm p", + "Ġeduc ational", + "Ġaccess ible", + "C OM", + "Ġd rew", + "y er", + "G l", + "am ine", + "OR T", + "O B", + "I B", + "m aster", + "Ġtri als", + "og y", + "h ar", + "ĠTr ust", + "Ġprefer red", + "irlf riend", + "ĠN ev", + "Ġb in", + "Ġc ow", + "P age", + "Ġsign ature", + "ĠB L", + "7 00", + "Ġret ired", + "Ġby tes", + "Ġneigh b", + "ĠLeg end", + "Ġdev ast", + "Ġsuspect ed", + "is ons", + "ĠPoké mon", + "sc ale", + "Ġcap abilities", + "Ġre vel", + "Ġche ese", + "d y", + "igr ant", + "Ġfail ing", + "b its", + "ĠHer oes", + "ĠG host", + "ĠS cient", + "Ġappoint ed", + "ur i", + "Ġinst itution", + "Ġexpand ed", + "g reg", + "Ġmonitor ing", + "Ġp odcast", + "Ġcoal ition", + "Ġ9 6", + "J o", + "Ġst olen", + "ĠS ab", + "Ġstop s", + "Ġhol iday", + "Ġint r", + "C ar", + "Bl ack", + "ĠL GBT", + "Ġwar ming", + "ĠAnd erson", + "Ġ8 9", + "Ġprodu cer", + "M ed", + "Ġaccur acy", + "ĠMar vel", + "iz abeth", + "ĠPat rick", + "m ony", + "Ġmin i", + "ac les", + "Ġover t", + "the y", + "Ġmembers hip", + "ĠV en", + "Ġex ch", + "Ġrem oval", + "ĠD ave", + "T Y", + "m ad", + "ĠF ind", + "Ġad equ", + "Ġe c", + "Ġte eth", + "Ġemot ion", + "Ġper m", + "Ġsole ly", + "d b", + "Ġextra ord", + "IG HT", + "c al", + "Ġgu idelines", + "Ġd ying", + "Ġsusp ended", + "ĠPrem ier", + "ĠAnth ony", + "el ve", + "Ġd ad", + "ĠE th", + "ĠFoot ball", + "Ġabandon ed", + "Ġ< <", + "Ġm arch", + "Ġhor ror", + "â̦ \"", + "Ġchild hood", + "Ġcampaign s", + "Ġl unch", + "ĠAl bert", + "bl ock", + "âĸĪ âĸĪ", + "ound ing", + "Ġb one", + "or gan", + "ad ers", + "ĠFl ash", + "ĠDri ve", + "Ġton ight", + "Ġw ars", + "ĠF L", + "Ġform ation", + "con st", + "New s", + "Ġcom pe", + "or ious", + "ĠSt aff", + "Ġdiscuss ions", + "ĠProt ection", + "ĠJ am", + "Ġcrit eria", + "Ġinstall ation", + "Ġaccompl ish", + "iz za", + "Ġpub lisher", + "Ġresc ue", + "ĠT ry", + "U LL", + "ĠS om", + "ĠH op", + "ore t", + "th s", + "ord on", + "Ġp ocket", + "ĠIn v", + "Down load", + "ĠCr ime", + "Ġb ene", + "ĠGu ide", + "ĠAs sembly", + "Ġparam eters", + "I E", + "ĠAlex ander", + "Ġconc ert", + "ĠSc he", + "Ġsh oes", + "Ġvis iting", + "Ġrec all", + "Ġb ub", + "Ġr ural", + "Ġconc rete", + "ĠR os", + "N ext", + "R uss", + "Ġlo ans", + "ĠSh ield", + "Ġtre m", + "hem at", + "k g", + "ĠHar ris", + "is ition", + "ĠM ove", + "ĠF C", + "Ġf ate", + "ĠCh o", + "Ġt ired", + "Ġprinc ipal", + "h ist", + "ien ces", + "ath y", + "Ġse vent", + "Ġm ood", + "Ġstrateg ic", + "Ġdise ases", + "Ġfor um", + "Ġtem por", + "Ġhead quarters", + "P ar", + "ig e", + "fl ix", + "Ġgu itar", + "Ġ9 4", + "On ly", + "Ġrele ases", + "ro ph", + "================ ================", + "Ġ6 00", + "ĠContin ue", + "ig ate", + "ĠC rit", + "sy stem", + "Ġdis abled", + "Ġunex pected", + "ith ub", + "Ġuncle ar", + "ĠE st", + "Ġcontr ad", + "Ġstrateg ies", + "vent ures", + "Ġpass age", + "AM E", + "Ġimpro ving", + "Ġreve als", + "Ġdecre ase", + "ov a", + "Ġann oy", + "ĠSh ort", + "ĠL ibrary", + "Ġcy ber", + "n ell", + "ĠH ur", + "ĠC B", + "Ġphot ograp", + "U I", + "Ġs ed", + "G e", + "Ġ8 7", + "Ġd iverse", + "Ġencour aged", + "Ġcons piracy", + "Ġbird s", + "Ġoper ator", + "Ġhand ful", + "Ġclass ified", + "? )", + "Ġdram atic", + "Ġinvestig ators", + "it o", + "Ġw idespread", + "ĠR oom", + "-------------------------------- --------------------------------", + "Ġcollect ive", + "Ġjournal ist", + "St ring", + "Ġtemper atures", + "il a", + "Ġgu id", + "Ġins pect", + "Ġmiss ile", + "ĠMay or", + "Ġman ual", + "Ġsim ultane", + "Ġrat ings", + "Ġsu ck", + "Ġ9 7", + "Ġunivers al", + "Ġph arm", + "Ġdis rupt", + "ian o", + "A V", + "Ġf t", + "Ġstat ist", + "old s", + "ĠWalk er", + "ph p", + "Ġunder t", + "ĠL as", + "ish op", + "nt il", + "res hold", + "ĠWhe ther", + "M s", + "Ġden y", + "ĠCl oud", + "Ġprov ider", + "Ġsurv iv", + "ĠUp date", + "h as", + "Ġmist akes", + "ch arge", + "pl ed", + "r ity", + "Ġn ode", + "ĠMass achusetts", + "ool s", + "lic ation", + "Ġf ails", + "em ale", + "or i", + "back s", + "Ġsh irt", + "Ġ' '", + "ĠN AT", + "Ġwat ers", + "els on", + "Ġe ase", + "Ġsc ar", + "Ġcont ents", + "m ind", + "Ġcont ribution", + "Ġsh r", + "Ġhand ed", + "Ġst ability", + "Ġtra ve", + "E m", + "Ġmir ror", + "12 3", + "Ġwe igh", + "Ġf iction", + "ou ver", + "ist ant", + "r ition", + "ĠF ed", + "Ġphys ically", + "Ġst ake", + "ĠArt icle", + "ĠAr c", + "ĠLew is", + "ĠM ind", + "Ġdemonstr ate", + "Ġprof its", + "v ision", + "om ic", + "ol id", + "Ġbatt les", + "Ġdri ves", + "Ġeas tern", + "ĠS ony", + "!! !", + "ar ation", + "v ard", + "ĠG L", + "port ation", + "Ġ9 2", + "Ġlaw makers", + "Ġprotect ing", + "ĠE PA", + "Ġy eah", + "Ġsh ame", + "ol ph", + "e ven", + "x it", + "Ġatt ach", + "Ġrepresent ing", + "Ġob s", + "ĠUt ah", + "iff s", + "ĠFre edom", + "à ³", + "A K", + "Ġinc idents", + "it age", + "Ġview ers", + "c d", + "Ġm ouse", + "Ġcl ar", + "Ġaccord ance", + "Ġb ot", + "c or", + "ĠSum mer", + "he ld", + "Ġinnoc ent", + "Ġiniti ative", + "ol s", + "________________ ________________", + "Ġsp ots", + "p ace", + "Ġconvent ional", + "Ġcorpor ations", + "Ġblock ed", + "H D", + "at tered", + "Ġref ers", + "Ġbu ck", + "ĠDig ital", + "12 0", + "Ġtop ics", + "T F", + "Ä ģ", + "br id", + "re ement", + "Ġunder lying", + "ĠM ember", + "Ġinvestig ating", + "Ġpregn ancy", + "Ġtouch down", + "ĠB and", + "ĠCall er", + "Ġinst ances", + "P P", + "w a", + "G ood", + "Ġ199 1", + "ĠC old", + "Ġfear s", + "Ġrem arks", + "Ĩ Ĵ", + "at al", + "Ġm it", + "Ġexper iments", + "i pt", + "Col or", + "ind u", + "Up date", + "Ġ9 3", + "A g", + "Ġ å", + "anc ouver", + "B oth", + "Ġjud ges", + "Ob ject", + "Ġst ere", + "umb n", + "Ġparticip ation", + "ĠSt ars", + "ĠJ ere", + "Ġweek ly", + "ĠB an", + "Ġconvers ations", + "ĠP itt", + "u z", + "ĠIndian a", + "ĠK ick", + "Ġinf ection", + "Ġhero es", + "Ġsett led", + "Ġstri p", + "Ġh al", + "Ġd ump", + "ĠS ci", + "Ġl es", + "Ġref erences", + "ĠU RL", + "ĠBr idge", + "Ġwant ing", + "For ce", + "Ġex clus", + "Me anwhile", + "m n", + "Ġg entle", + "m aker", + "sen al", + "ĠG ro", + "ou ri", + "ĠR ain", + "ĠAll iance", + "Ġl ift", + "el a", + "S D", + "ĠCle veland", + "Ġrank ed", + "Ġst adium", + "Ġdead ly", + "ä ¸", + "Ġr iding", + "ar ia", + "ĠAr mor", + "Ġdocument ation", + "ĠGree ce", + "ree k", + "Ġl ens", + "ĠS a", + "Ġg ross", + "ĠE mer", + "ag ers", + "ĠD ub", + "ĠR h", + "ĠAM D", + "Ġarri val", + "Ġdes ert", + "Ġsupp lement", + "ĠRes p", + "Ġkn ee", + "Ġmarg in", + "f ont", + "og g", + "201 0", + "ĠP ir", + "ĠP rom", + "iv als", + "Ġint ake", + "Ġdifferent ly", + "ug s", + "Ġb its", + "clud ed", + "Ġsearch ing", + "ĠD u", + "um ble", + "Ġfunction al", + "ĠBalt imore", + "ĠC ould", + "Ġdes ired", + "Ġcirc uit", + "ĠL yn", + "ĠG O", + "ĠF alse", + "re pre", + "' :", + "alt ies", + "Ġmin im", + "Ġdro ve", + "ĠSh ould", + "Ġh ip", + "Ġpro s", + "Ġut ility", + "ĠN ature", + "ĠM ode", + "P resident", + "o pp", + "r at", + "form ance", + "Ġconcent ration", + "Ġf ont", + "ĠB ud", + "Ġam id", + "Ġre vers", + "ĠM L", + "B ar", + "Ġinter action", + "Ġjur isd", + "Ġspell s", + "d ep", + "f il", + "Ġcivil ians", + "ut ter", + "ĠCo oper", + "ĠBel ow", + "Ġent rance", + "Ġcon vert", + "Ġcontrovers y", + "ow ered", + "Ġcontr ary", + "Ġar c", + "ĠExec utive", + "ĠOffic er", + "Ġpack ages", + "Ġprog ressive", + "w idth", + "Ġreserv ed", + "v ol", + "ĠSam sung", + "Ġprint ed", + "Ġcent ers", + "Ġintrodu ce", + "ĠKenn edy", + "Ġodd s", + "Ġsure ly", + "Ġindepend ence", + "Ġpass engers", + "repre ne", + "ĠBe h", + "Ġl oves", + "ĠESP N", + "Ġfac ilit", + "Ġident ical", + "Ġdo ct", + "Ġpartners hip", + "con f", + "ĠH ide", + "Ġconf used", + "ĠC ow", + "M en", + "Ġw rest", + "ĠIraq i", + "Ġh oles", + "ĠStud ies", + "Ġpregn ant", + "h ard", + "Ġsign als", + "I X", + "Ġpull ing", + "Ġgrad uate", + "Ġnomine e", + "D ate", + "Ġper mitted", + "Ġâ Ĥ¬", + "ĠOk lahoma", + "St art", + "Ġauthor ized", + "Ġal arm", + "ĠC os", + "v an", + "Ġgener ations", + "c ular", + "Ġdr agon", + "ĠSoft ware", + "ĠEd ward", + "Ġcontro ller", + "S en", + "ge red", + "ĠV ik", + "Ġappro ached", + "Th ank", + "Ġcan ce", + "Ġform ula", + "ĠSm all", + "Ġweak ness", + "Ġr amp", + "it udes", + "j ud", + "Ġbrill iant", + "Ġacc us", + "s ource", + "Ġ8 00", + "ĠE vil", + "S w", + "Ġhom eless", + "we ek", + "i ens", + "r ics", + "ĠTh ird", + "T O", + "Ġorgan ic", + "Ġpresent ation", + "ag h", + "ĠDown load", + "v ation", + "Ġas sembly", + "or able", + "hold ers", + "ĠBern ie", + "ĠHel p", + "Ġt ong", + "ĠF ight", + "Ġbe ach", + "B ook", + "ĠL ic", + "Ġr ush", + "ĠR ound", + "ou p", + "ĠMar x", + "Ġcalcul ated", + "ĠDe vil", + "ĠSar ah", + "Ġoccasion ally", + "Ġbul let", + "Av ailable", + "g ate", + "Ġ9 1", + "Ġh osp", + "Ġprom ises", + "ĠH IV", + "ĠSt adium", + "ĠSt ock", + "ĠCorpor ation", + "g age", + "N G", + "ĠC redit", + "Ġs ne", + "ib l", + "Ġacc um", + "s uch", + "Ġterror ists", + "Ġconscious ness", + "ĠZ h", + "Ġdram a", + "ool a", + "pir ation", + "Ġlab our", + "ĠN in", + "Ġut ter", + "Ġdemocr atic", + "Ġass ass", + "il ation", + "Ġg est", + "Ġab road", + "Ġmet ab", + "Ġs orts", + "Ġfl av", + "U B", + "Ġm g", + "ĠNot hing", + "ĠO d", + "Ġmus ical", + "200 9", + "Ġdro ps", + "oc ated", + "ater al", + "0000 00", + "Ġg re", + "Ġequ ality", + "Ġburd en", + "Ġv ig", + "ĠLe ader", + "-------- ----", + "Ġcere mony", + "Ġf ighter", + "Ġact ors", + "Ġ æ", + "am an", + "F i", + "Ġal ign", + "put er", + "Ġe lder", + "ĠN SA", + "Ġrepresent ation", + "ĠOnt ario", + "IT H", + "usal em", + "Ġharass ment", + "itz er", + "Ġsy mp", + "Ġbox es", + "ĠD R", + "Ġman ifest", + "at re", + "Ġ ^", + "Ġd ies", + "le ton", + "Ġmiss ions", + "et he", + "Ġres olve", + "Ġfollow ers", + "Ġas c", + "Ġk m", + "l ord", + "am med", + "Ġsil ent", + "ĠAssoci ated", + "Ġtim ing", + "Ġprison ers", + "ĠK ings", + "ĠF ive", + "Ġtow er", + "Ġappro aches", + "Ġprecise ly", + "Ġb ureau", + "ĠM other", + "ĠI ss", + "Ġkey board", + "it ual", + "Ġfund ed", + "Ġstay ing", + "Ġpsych ological", + "Ġm ile", + "ĠLe on", + "ĠBar b", + "w ill", + "Ġw ider", + "ĠAtl antic", + "Ġt ill", + "ĠR ome", + "ro t", + "Ġaccomp an", + "Ġfl our", + "ac o", + "W orld", + "ĠExp ress", + "ĠY u", + "C or", + "Ġple ased", + "part y", + "Ġpoint ing", + "Ġinf lation", + "Ġro y", + "Ġ ),", + "ain er", + "Ġwedd ing", + "orm on", + "Ġrequ iring", + "Ġqual ified", + "Ġse gment", + "EN D", + "Ġs izes", + "e als", + "Ġcor rupt", + "ass ador", + "Ġcele b", + "Ġdream s", + "ĠM ess", + "Ġcheck ing", + "ĠV ersion", + "Ġprep aring", + "Ġact ively", + "ĠD iff", + "Ġl ux", + "ĠW inter", + "act eria", + "ĠN E", + "Ġdep uty", + "Ġtrans gender", + "Ġsum mary", + "Ġin her", + "er ies", + "ch ar", + "ĠY an", + "Ġkn ock", + "ĠP ath", + "Ġl ip", + "roll er", + "Ġimp ression", + "Ġcelebr ate", + "Ġsl ide", + "Ġgu ests", + "Ġcl ip", + "F S", + "Ġsav ings", + "Ġcapt ain", + "Ġleg acy", + "ĠDen ver", + "Ġw ounded", + "tab oola", + "AC T", + "Ġpurs ue", + "Ġo xy", + "Ġ q", + "Ġsem i", + "ĠN eed", + "ĠAff airs", + "Ġob sc", + "Ġcheck ed", + "Ġd ual", + "C ode", + "ĠM D", + "le m", + "ult y", + "Ġ ©", + "ĠEl izabeth", + "Ġcent uries", + "ard ed", + "s rc", + "Ġev ident", + "enn is", + "at in", + "Ġunemploy ment", + "ĠMar io", + "Ġint im", + "Ch rist", + "Ġbi ological", + "Ġsold ier", + "ĠAdd ed", + "Ġm ath", + "ĠG il", + "Ġbi as", + "Ġd ating", + "ĠO cean", + "Ġm ice", + "M us", + "h ire", + "ĠT es", + "Ser ver", + "lim ited", + "S ize", + "Ġmet ers", + "Ġrock et", + "es see", + "Ġcertific ate", + "ĠIran ian", + "AS S", + "Ġgr id", + "D ec", + "Ġro lling", + "com mun", + "ĠSwed en", + "b ury", + "Ġtiss ue", + "Ġrac ism", + "ĠL ocal", + "Ġmyster y", + "Ġexam ine", + "Ġst em", + "Ġs its", + "Ġhop ed", + "ot ing", + "Ġdial ogue", + "Ġpers u", + "W atch", + "l ay", + "M AN", + "Ġch ronic", + "ĠPort land", + "mark et", + "ĠS EC", + "Ġparalle l", + "Ġsc andal", + "Ġcar ries", + "Ġphenomen on", + "h uman", + "ack er", + "ĠO x", + "Ġretire ment", + "tain ment", + "ov ie", + "ĠG ear", + "Ġd uties", + "Ġdo se", + "Ġsc roll", + "M B", + "in f", + "Ġsa uce", + "Ġland scape", + "red dit", + "ĠChampions hip", + "ĠRed dit", + "al id", + "Ġco in", + "Ġover s", + "Ġpost ing", + "ab out", + "Ġf el", + "and y", + "Ġb old", + "Ġfocus ing", + "e ffect", + "G R", + "Ġde emed", + "Ġrecommend ations", + "Ġste pped", + "Ġvot er", + "ĠDe ep", + "ĠInst agram", + "Ġmoder ate", + "ĠMary land", + "Ġrestrict ed", + "ĠM B", + "ĠCh all", + "Ġto b", + "Ġc ir", + "ĠO cc", + "ĠE ver", + "Ġcoll aps", + "IN FO", + "= -", + "ĠP ict", + "ĠAcc ount", + "n c", + "Ġo ught", + "Ġex port", + "Ġdr unk", + "( '", + "Ġw ise", + "ĠM ort", + "ne cess", + "Ġan cest", + "ĠInc re", + "Ġfrequ ent", + "m ir", + "Ġinterpret ation", + "Ġdepend ent", + "Ġco ins", + "ĠB ol", + "V ideo", + "ĠJust in", + "Ġfat al", + "Ġcook ing", + "Ġconf usion", + "ip her", + "Ġcust ody", + "ĠMor gan", + "om ach", + "ĠGovern or", + "Ġrestaur ants", + "el ing", + "Ġacknowled ged", + "Ġthe r", + "Ġgen es", + "ch ing", + "He y", + "Ġtact ics", + "ĠMex ican", + "Ġv end", + "Ġhe s", + "qu er", + "Ġnot ing", + "ĠCamer on", + "Ġtarget ing", + "ro ck", + "Ġcred its", + "Ġemot ions", + "Ġrepresent atives", + "new s", + "Ġlegisl ative", + "Ġrem oving", + "Ġtweet ed", + "ĠCar ter", + "ĠF ixed", + "Ġfor cing", + "Ġspeak er", + "Ġm ales", + "ĠViet nam", + "l ined", + "Ġconcept s", + "Ġvo ices", + "o ir", + "ĠT rib", + "W he", + "ĠJer usalem", + "ĠS ant", + "Ġc ul", + "Ġl ady", + "ĠHaw ai", + "Ġar ts", + "ĠIn n", + "ĠMach ine", + "ĠEm peror", + "Ġsl ot", + "g ly", + "ĠPro cess", + "II I", + "Ġathlet es", + "ĠTem ple", + "ĠRep resent", + "Ġpres c", + "Ġt ons", + "Ġgold en", + "Ġp unch", + "ĠG R", + "iver pool", + "Ġen act", + "Ġlob by", + "Ġm os", + "Ġpick ing", + "Ġlif etime", + "Ġcogn itive", + "E ach", + "z o", + "Ġd ub", + "Ġcons ists", + "ol n", + "Ġf estival", + "am ous", + "Ġint ellig", + "w ords", + "ĠSm art", + "Ġde le", + "Ġl apt", + "Ġmag ical", + "ĠS in", + "b us", + "ur ities", + "igh th", + "ĠRub y", + "ĠS ure", + "ol ving", + "Ġj un", + "O ST", + "Ġimp osed", + "Ġast ron", + "Ġcor rel", + "ĠN S", + "ĠK it", + "ĠF uture", + "b urn", + "Ġimm une", + "oc us", + "Ġcour ses", + "ĠSt ring", + "Ġle an", + "Ġg host", + "Ġout comes", + "Ġexp ense", + "Ġevery day", + "Ġaccept able", + "A h", + "Ġequ ipped", + "Ġor ange", + "F R", + "ĠD utch", + "Th ough", + "ĠR ank", + "Q U", + "ĠRober ts", + "wh at", + "re nd", + "Ġdisapp ear", + "Ġsp awn", + "ĠL am", + "o is", + "Ġdes erve", + "Ġmin imal", + "Ġnerv ous", + "ĠW ould", + "Ġro ok", + "ĠV ancouver", + "Ġres ign", + "sh ire", + "ĠW orks", + "ĠB uild", + "Ġafford able", + "ĠG ary", + "ĠAren a", + "Ġh anging", + "Ġimpl ications", + "ĠS ong", + "Ġmain taining", + "Ġgu ards", + "C ON", + "Ġder ived", + "Ġexecut ed", + "Ġthe ories", + "Ġqu oted", + "ĠAnd re", + "og a", + "sel ess", + "in fo", + "ĠBel g", + "Ġt ears", + "ĠSur v", + "Ġbirth day", + "ig ious", + "im mer", + "Ġspect rum", + "Ġarchitect ure", + "Ġrec ruit", + "arm a", + "T able", + "Ġmon sters", + "ĠG ov", + "Ġdest ination", + "Ġattract ive", + "Ġf oss", + "ĠMore over", + "Ġpres ents", + "TH E", + "Ġrep ly", + "pt on", + "Ġc um", + "Ġdel ight", + "Ġaffect s", + "Ġdon ations", + "ĠT oy", + "ĠH im", + "M ENT", + "Ġover come", + "it ched", + "ĠFant asy", + "ĠH at", + "ĠBe ast", + "b ott", + "Ġinvestig ations", + "R un", + "Ġhun ting", + "d i", + "f und", + "Ġs essions", + "est yle", + "Ġport ray", + "oid s", + "Y eah", + "Ġcommun icate", + "Ġcom edy", + "ĠY ang", + "Ġbel t", + "ĠMar ine", + "Ġpredict ed", + "Pl ay", + "Ġimportant ly", + "Ġremark able", + "Ġelim inate", + "D avid", + "Ġb ind", + "V ID", + "Ġadvoc ates", + "ĠG aza", + "im p", + "D B", + "ĠN a", + "ĠSim ilar", + "I ES", + "Ġchar ity", + "v as", + "m ath", + "Ġâ ĸ", + "ok er", + "nd um", + "Ġcap s", + "ĠH al", + "2 000", + "e an", + "Ġfle et", + "Ġrec re", + "R ight", + "Ġsleep ing", + "ij ing", + "k ind", + "Ġdesign ated", + "à ¤", + "Ġanim ation", + "ke e", + "ĠInt rodu", + "Ġ/ >", + "Ġdelay ed", + "Ġtrem end", + "Ġcur ious", + "U se", + "Ġle ct", + "d am", + "Ġinnov ation", + "ĠPoint s", + "Ġload ing", + "Ġdisp ute", + "ct ic", + "ird s", + "ĠB Y", + "Ġn urs", + "ĠVal ue", + "ION S", + "ĠH um", + "Ġtem plate", + "m ers", + "Ġappear ances", + "ĠEnter tainment", + "Ġtransl ation", + "Ġsa ke", + "Ġbene ath", + "Ġin hib", + "Ġe uro", + "abet es", + "Ġstud ying", + "ĠM as", + "Ġper ceived", + "Ġexam ined", + "Ġe ager", + "Ġco aches", + "Ġim per", + "ch i", + "Ġprodu ces", + "\" ).", + "ĠEvery one", + "Ġm unicip", + "Ġg irlfriend", + "Ġh ire", + "ĠV ice", + "Ġsu itable", + "op y", + "Ġin equ", + "ĠD uke", + "f ish", + "f irst", + "ĠO bs", + "Ġinter ior", + "ĠBru ce", + "ĠR y", + "Ġanal ys", + "Ġconsider able", + "Ġfore cast", + "Ġf ert", + "ors hip", + "ĠD rug", + "ĠA LL", + ": \"", + "th ur", + "ĠM ail", + "Ġball ot", + "Ġinst antly", + "ĠCh annel", + "Ġp icks", + "Ġ198 9", + "Ġt ent", + "ol i", + "Ġcivil ian", + "b ling", + "ell o", + "b u", + "Ġin ch", + "Ġlog o", + "Ġcooper ation", + "Ġwal ks", + "Ġinvest ments", + "Ġimp rison", + "ĠF estival", + "ĠK y", + "Ġleg ally", + "Ġg ri", + "ch arg", + "S l", + "Ġthreat ening", + "du ction", + "fl ow", + "Ġdismiss ed", + "ibr aries", + "c ap", + "e le", + "ĠMc G", + "ĠHar vard", + "ĠConserv ative", + "ĠC BS", + "p ng", + "Ġro ots", + "ĠH aving", + "umb led", + "ĠF un", + "\\ /", + "ĠS earch", + "ple x", + "Ġdiscuss ing", + "Ġcontin u", + "ĠT ai", + "ĠW ik", + "F ree", + "f it", + "Ġref use", + "Ġmanag ing", + "Ġsy nd", + "ip edia", + "w alk", + "Ġprofession als", + "Ġguid ance", + "Ġunivers ities", + "Ġas semb", + "unt u", + "F inally", + "AS E", + "ĠAut o", + "ĠH ad", + "Ġann iversary", + "L D", + "ĠD ur", + "ĠUlt imate", + "ih ad", + "pro duct", + "Ġtrans it", + "Ġrest ore", + "Ġexpl aining", + "Ġass et", + "Ġtransfer red", + "Ġbur st", + "ap olis", + "ĠMag azine", + "ĠC ra", + "ĠB R", + "gg ed", + "ĠH E", + "M ich", + "b et", + "ĠL ady", + "yl um", + "erv es", + "Ġme ets", + "wh ite", + "L og", + "Ġcorrespond ing", + "Ġins isted", + "G G", + "Ġsurround ed", + "Ġt ens", + "Ġl ane", + "Ġco inc", + "h ome", + "Ġexist ed", + "ect ed", + "ĠDou ble", + "lam m", + "Ġske pt", + "ex p", + "Ġper ception", + "ie v", + "ĠBe ing", + "o ft", + "Ġadop t", + ". :", + "] ;", + "Wind ows", + "Ġsatell ite", + "AS H", + "Ġinf ant", + "d escription", + "ĠMe anwhile", + "c m", + "oc a", + "ĠT reat", + "act or", + "Ġtob acco", + "ĠN orm", + "em ption", + "Ġfl esh", + "Ġj e", + "o op", + "ĠHe aven", + "Ġbe ating", + "an im", + "Ġgather ing", + "Ġcult iv", + "G O", + "ab e", + "ĠJon athan", + "ĠSaf ety", + "Ġbad ly", + "pro t", + "Ġcho osing", + "Ġcontact ed", + "Ġqu it", + "Ġdist ur", + "Ġst ir", + "Ġto ken", + "D et", + "ĠP a", + "Ġfunction ality", + "00 3", + "s ome", + "Ġlimit ations", + "Ġmet h", + "b uild", + "con fig", + "N T", + "re ll", + "ble m", + "ĠM om", + "Ġveter ans", + "ĠH u", + "Ġtrend s", + "are r", + "ĠG iven", + "ĠCa ption", + "m ay", + "AS T", + "Ġwond ering", + "ĠCl ark", + "n ormal", + "Ġsepar ated", + "Ġdes p", + "st ic", + "b rew", + "Ġrel ating", + "ĠN ik", + "ĠF arm", + "Ġenthus i", + "g ood", + "d eb", + "Ġactiv ist", + "Ġm art", + "Ġexplos ion", + "ĠEconom ic", + "L ink", + "Ġins ight", + "Ġconven ient", + "Ġcounter part", + "su pport", + "ĠV irt", + "ag en", + "ĠTenn essee", + "ĠSim on", + "ĠA ward", + "OC K", + "ĠF igure", + "Ġoverse as", + "Ġpr ide", + "ĠC as", + "n ote", + "m g", + "C urrent", + "Ġdispl ays", + "cont ent", + "Ġtravel ing", + "Ġhosp itals", + "ĠFin ancial", + "ĠP ast", + "Ġdefend ant", + "Ġstream ing", + "m ble", + "ĠBer lin", + "uk i", + "Ġdist ribut", + "Ġant ib", + "Ġch ocolate", + "ĠCast le", + "Ġinter rupt", + "ĠR ow", + "Ġconvers ion", + "Ġbug s", + "ĠR ather", + "li est", + "L Y", + "ĠJe an", + "com mon", + "ak h", + "Ġ1 30", + "ot ton", + "ĠDe an", + "Ġam endment", + "Ġgame play", + "ĠWar ren", + "od a", + "Ġhigh lights", + "Ġir re", + "ĠNAT O", + "Ġball s", + "Ġdemand ing", + "U RE", + "ĠL uke", + "F igure", + "st op", + "on ia", + "z one", + "iz ers", + "ĠW R", + "Ġaward ed", + "Ġregul atory", + "ĠH art", + "ĠS N", + "pl ing", + "Ġs our", + "ĠP ixel", + "us ive", + "Ġf et", + "ĠS ent", + "Ġautom atic", + "Ġf er", + "vern ment", + "ĠKh an", + "T ON", + "f ather", + "Ġextraord inary", + "th rop", + "ĠP ython", + "ĠG PU", + "Ġsex ually", + "Ġdesk top", + "it ivity", + "ĠAnton io", + "Ġo rient", + "Ġe ars", + "ob by", + "ous es", + "vertis ements", + "Ġmanufacture rs", + "ic ient", + "min ute", + "Ġconv iction", + "Ġg arden", + "p ublic", + "Ġsatisf ied", + "f old", + "O K", + "Ġin hab", + "ĠTh ink", + "Ġprogram me", + "Ġst omach", + "Ġcoord in", + "Ġh oly", + "Ġth reshold", + "Ġr het", + "Ġser ial", + "Ġemploy ers", + "ĠEvery thing", + "ra h", + "Ġb other", + "Ġbr ands", + "Val ue", + "ĠT ed", + "ĠPlan et", + "Ġp ink", + "ĠFurther more", + "s a", + "P E", + "re ck", + "ĠUS D", + "ot te", + "Ġ& &", + "Ġland ed", + "g ets", + "Ġprodu cers", + "Ġhealth care", + "Ġdomin ant", + "Ġdest ro", + "Ġam ended", + "ch ron", + "Ġf its", + "ĠSy d", + "ĠAuthor ity", + "AT CH", + "Ġfight s", + "ĠL LC", + "Ġ-- -", + "ĠCor p", + "Ġtox ic", + "spe cific", + "ĠC orn", + "ĠChe l", + "Ġtele phone", + "ĠP ant", + "Ġmyster ious", + "aun ch", + "od ox", + "med ia", + "Ġwitness es", + "ag u", + "Ġquestion ed", + "ĠBre xit", + "ĠRem ember", + "ene z", + "Ġend orse", + "iat ric", + "ĠId ent", + "Ġridic ulous", + "1 10", + "Ġpr ayer", + "Ġscient ist", + "Ġ19 50", + "ĠA qu", + "Ġunder ground", + "ĠU FC", + "m are", + "ĠL ater", + "w ich", + "Ġsubsc rib", + "Ġhost s", + "Ġer r", + "Ġgr ants", + "ant om", + "Ġsum mon", + "ear ly", + "ĠC lear", + "ĠPr im", + "Ġsusp ension", + "Ġguarant eed", + "app er", + "Ġr ice", + "ĠSe an", + "ĠSh in", + "Ġrefere ndum", + "Ġfl ed", + "r ust", + "Ġ3 60", + "ter y", + "Ġsh ocked", + "B R", + "ĠO il", + "ĠAll ah", + "Ġpart ly", + "Ġign or", + "Ġtrans mission", + "Ġhom osexual", + "ivers al", + "Ġhop efully", + "ãĤ ¤", + "Ġless on", + "L eg", + "Ġ ..", + "Y et", + "t able", + "app ropri", + "re tt", + "Ġbo ards", + "Ġincor rect", + "Ġb acteria", + "ar u", + "am ac", + "Ġsn ap", + ".' \"", + "Ġpar ad", + "t em", + "he art", + "Ġav ailability", + "Ġw isdom", + "Ġ( +", + "Ġpri est", + "ĠÂł ĠÂł", + "O pen", + "Ġsp an", + "Ġparam eter", + "Ġconv ince", + "Ġ( %)", + "r ac", + "Ġf o", + "Ġsafe ly", + "Ġconver ted", + "ĠOlymp ic", + "Ġres erve", + "Ġhe aling", + "ĠM ine", + "M ax", + "Ġin herent", + "ĠGra ham", + "Ġinteg rated", + "D em", + "Ġpip eline", + "Ġapp lying", + "Ġem bed", + "ĠCharl ie", + "Ġc ave", + "200 8", + "Ġcons ensus", + "Ġre wards", + "P al", + "ĠHT ML", + "Ġpopular ity", + "look ing", + "ĠSw ord", + "ĠAr ts", + "' )", + "Ġelect ron", + "clus ions", + "Ġinteg rity", + "Ġexclus ively", + "Ġgr ace", + "Ġtort ure", + "Ġburn ed", + "tw o", + "Ġ18 0", + "P rodu", + "Ġent reprene", + "raph ics", + "Ġg ym", + "ric ane", + "ĠT am", + "Ġadministr ative", + "Ġmanufacture r", + "Ġ vel", + "ĠN i", + "Ġisol ated", + "ĠMedic ine", + "Ġback up", + "Ġpromot ing", + "Ġcommand er", + "Ġfle e", + "ĠRus sell", + "Ġforg otten", + "ĠMiss ouri", + "Ġres idence", + "m ons", + "Ġrese mb", + "Ġw and", + "Ġmeaning ful", + "P T", + "Ġb ol", + "Ġhe lic", + "Ġwealth y", + "Ġr ifle", + "str ong", + "row ing", + "pl an", + "as ury", + "â̦ .", + "Ġexpand ing", + "ĠHam ilton", + "Ġrece ives", + "S I", + "eat ures", + "ĠAn im", + "RE E", + "P ut", + "Ġbrief ly", + "ri ve", + "Ġstim ul", + "Ġ`` (", + "Ġ __", + "Ġch ip", + "Ġha z", + "Ġpri ze", + "ĠTh ings", + "AC E", + "ul in", + "d ict", + "ok u", + "Ġassoci ate", + "ock ets", + "y outube", + "St ory", + "ateg ory", + "Ġm ild", + "ail ing", + "ĠY e", + "O rig", + "ĠK a", + "or ig", + "Ġpropag anda", + "Ġan onymous", + "Ġstrugg led", + "Ġout rage", + "AT ED", + "ĠBe ijing", + "r ary", + "Ġle ather", + "Ġworld s", + "Ġbroad er", + "12 5", + "id al", + "ĠBet ter", + "Ġt ear", + "E xt", + "Ġpropos als", + "Ġit er", + "ĠSqu ad", + "Ġvol unt", + "m i", + "D id", + "ĠP u", + "p in", + "Ġspeak ers", + "Ġb orders", + "Ġfig ured", + "= '", + "Ġsimultane ously", + "aed a", + "Ġcharg ing", + "Ġur ged", + "Ġcon j", + "25 6", + "ĠG ordon", + "mer ce", + "Ġdocument ary", + "Sh are", + "it ol", + "ON E", + "ĠG arden", + "h att", + "ĠThom pson", + "ane ous", + "ap ore", + "Ġt anks", + "Ġless ons", + "tr ack", + "Ġout standing", + "Ġvolunte ers", + "Ġsp ray", + "Ġmanag ers", + "l arge", + "Ġcamp s", + "Ġart ificial", + "ĠR u", + "Ġb ags", + "th al", + "Ġcompat ible", + "ĠBl ade", + "Ġf ed", + "Ġarg ues", + "F I", + "Ġunf air", + "Ġcor n", + "Ġoff set", + "Ġdirect ions", + "Ġdisappoint ed", + "ĠCon vention", + "Ġview ing", + "M E", + "oc ity", + "Ġtown s", + "Ġlay ers", + "Ġro lled", + "Ġjump ed", + "Ġatt ribute", + "Ġun necess", + "inc oln", + "Ġsupp ose", + "ĠNet her", + "ch a", + "Ġbur ied", + "Ġsix th", + "B en", + "ress ing", + "OU R", + "Ġw ound", + "Ġcy cl", + "Ġmechan isms", + "Ġcongress ional", + "ĠE lement", + "Ġagre ements", + "Ġdec or", + "Ġclos est", + "ĠM it", + "Go ogle", + "} }", + "Ġm ixture", + "Ġflu id", + "S ign", + "ĠSch olar", + "Ġp ist", + "ask et", + "ab ling", + "Ġrac ing", + "he ro", + "ri el", + "ass y", + "Ġche aper", + "b en", + "Ġvert ical", + "amac are", + "ĠRead ing", + "g ments", + "Ġhelic op", + "Ġsacr ifice", + "ay a", + "p aren", + "V A", + "ĠL es", + "ĠStud io", + "Ġviol ations", + "ĠAn na", + "ac er", + "é ¾", + "ĠR at", + "ĠBe ck", + "ĠD ick", + "ĠA CT", + "Ġcomp osition", + "Ġtext ure", + "ĠO wn", + "Ġsmart phone", + "ĠN A", + "Ġfor b", + "im port", + "Ġdef ending", + "il st", + "re r", + "Ġo h", + "ĠJere my", + "Ġbank ing", + "cept ions", + "Ġrespect ive", + "/ .", + "Ġdr inks", + "ĠW i", + "Ġb ands", + "ĠL iverpool", + "Ġg rip", + "ĠB uy", + "Ġopen ly", + "Ġreview ed", + "per t", + "Ġver ify", + "ĠCo le", + "ĠW ales", + "M O", + "Ġun pre", + "Ġshel ter", + "ĠIm perial", + "Ġgu i", + "ĠD ak", + "Ġsuggest ions", + "Ġexplicit ly", + "Ġsl ave", + "Ġblock chain", + "Ġcompet ing", + "Ġprom ising", + "S ON", + "Ġsoc cer", + "Ġconst itution", + "4 29", + "Ġdist ract", + "ĠU ser", + "es ides", + "ĠMet hod", + "ĠTok yo", + "Ġaccompan ied", + "Cl ient", + "s ur", + "al og", + "Ġident ification", + "Ġinv asion", + "as ma", + "Ġindust ries", + "pp ers", + "Ġsub tle", + "ĠUn it", + "n atural", + "Ġsurv ived", + "Ġfl aw", + "ĺ ħ", + "ĠH oll", + "Ġdef icit", + "Ġtut orial", + "ĠCh ance", + "Ġarg uing", + "Ġcontem porary", + "Ġinteg ration", + "for ward", + "Ġt um", + "it is", + "Ġh iding", + "ĠD omin", + "ĠT an", + "ĠB uilding", + "ĠV in", + "Ġspokes person", + "ĠNot es", + "Ġemer ging", + "Ġprepar ation", + "Ġpro st", + "Ġsuspect s", + "Ġaut onom", + "D escription", + "Ġdeal t", + "ĠP ear", + "Ġstead y", + "Ġdecre ased", + "Ġso vere", + "ĠCl in", + "Ġgrad ually", + "ors es", + "ĠW AR", + "S erv", + "ãĤ ¢", + "h r", + "Ġd irty", + "ĠB arn", + "ĠB C", + "Ġd il", + "Ġcal endar", + "Ġcompl iance", + "Ġch amber", + "b b", + "Ġpass enger", + "ate ful", + "ĠT itle", + "ĠSyd ney", + "ĠG ot", + "Ġdark ness", + "Ġdef ect", + "Ġpack ed", + "ass ion", + "Ġgod s", + "Ġh arsh", + "IC K", + "le ans", + "Ġalgorith m", + "Ġoxy gen", + "Ġvis its", + "Ġbl ade", + "Ġkil omet", + "ĠKent ucky", + "Ġkill er", + "P ack", + "enn y", + "Ġdiv ine", + "Ġnom ination", + "be ing", + "Ġeng ines", + "Ġc ats", + "Ġbuff er", + "ĠPh ill", + "Ġtra ff", + "AG E", + "Ġtong ue", + "Ġrad iation", + "ere r", + "m em", + "ĠExpl icit", + "é¾ į", + "Ġcou ples", + "Ġphys ics", + "ĠMc K", + "Ġpolit ically", + "aw ks", + "ĠBl oom", + "Ġwor ship", + "e ger", + "ut er", + "ĠF O", + "Ġmat hemat", + "Ġsent enced", + "Ġdis k", + "ĠM arg", + "Ġ/ *", + "P I", + "Ġoption al", + "Ġbab ies", + "Ġse eds", + "ĠScott ish", + "Ġth y", + "] ]", + "ĠHit ler", + "P H", + "ng th", + "Ġrec overed", + "ing e", + "Ġpow der", + "Ġl ips", + "Ġdesign er", + "Ġdis orders", + "Ġcour age", + "Ġch aos", + "\" },{\"", + "Ġcar rier", + "b ably", + "H igh", + "ĠR T", + "es ity", + "l en", + "Ġrout es", + "u ating", + "F il", + "N OT", + "w all", + "s burgh", + "Ġeng aging", + "ĠJava Script", + "ore r", + "li hood", + "Ġun ions", + "ĠF ederation", + "ĠTes la", + "Ġcomple tion", + "ĠT a", + "Ġprivile ge", + "ĠOr ange", + "Ġne ur", + "paren cy", + "Ġb ones", + "Ġtit led", + "Ġprosecut ors", + "ĠM E", + "Ġengine er", + "ĠUn iverse", + "ĠH ig", + "n ie", + "o ard", + "Ġheart s", + "ĠG re", + "uss ion", + "Ġmin istry", + "Ġpen et", + "ĠN ut", + "ĠO w", + "ĠX P", + "in stein", + "Ġbul k", + "S ystem", + "ic ism", + "ĠMarket able", + "Ġpre val", + "Ġpost er", + "Ġatt ending", + "ur able", + "Ġlicens ed", + "ĠG h", + "et ry", + "ĠTrad able", + "Ġbl ast", + "à ¤", + "ĠTit an", + "ell ed", + "d ie", + "H ave", + "ĠFl ame", + "Ġprof ound", + "Ġparticip ating", + "Ġan ime", + "ĠE ss", + "Ġspec ify", + "Ġregard ed", + "ĠSpe ll", + "Ġs ons", + "own ed", + "Ġm erc", + "Ġexper imental", + "land o", + "h s", + "ĠDun geon", + "in os", + "Ġcomp ly", + "ĠSystem s", + "ar th", + "Ġse ized", + "l ocal", + "ĠGirl s", + "ud o", + "on ed", + "ĠF le", + "Ġconstruct ed", + "Ġhost ed", + "Ġsc ared", + "act ic", + "ĠIs lands", + "ĠM ORE", + "Ġbl ess", + "Ġblock ing", + "Ġch ips", + "Ġev ac", + "P s", + "Ġcorpor ation", + "Ġo x", + "Ġlight ing", + "Ġneighb ors", + "ĠU b", + "ar o", + "Ġbe ef", + "ĠU ber", + "F acebook", + "ar med", + "it ate", + "ĠR ating", + "ĠQu ick", + "Ġoccup ied", + "Ġaim s", + "ĠAdd itionally", + "ĠInt erest", + "Ġdram atically", + "Ġhe al", + "Ġpain ting", + "Ġengine ers", + "M M", + "ĠM ust", + "Ġquant ity", + "P aul", + "Ġearn ings", + "ĠPost s", + "st ra", + "ãĥ¼ ãĥ", + "Ġst ance", + "Ġdro pping", + "sc ript", + "Ġd ressed", + "M ake", + "Ġjust ify", + "ĠL td", + "Ġprompt ed", + "Ġscr ut", + "Ġspeed s", + "ĠGi ants", + "om er", + "ĠEd itor", + "Ġdescrib ing", + "ĠL ie", + "ment ed", + "Ġnow here", + "oc aly", + "Ġinst ruction", + "fort able", + "Ġent ities", + "Ġc m", + "ĠN atural", + "Ġinqu iry", + "Ġpress ed", + "iz ont", + "for ced", + "Ġra ises", + "ĠNet flix", + "ĠS ide", + "Ġout er", + "Ġamong st", + "im s", + "ows ki", + "Ġclim b", + "ne ver", + "Ġcomb ine", + "d ing", + "Ġcomp r", + "Ġsignific ance", + "Ġremem bered", + "ĠNev ada", + "ĠT el", + "ĠSc ar", + "ĠWar riors", + "ĠJ ane", + "Ġcou p", + "b as", + "Ġtermin al", + ", -", + "O H", + "Ġt ension", + "Ġw ings", + "ĠMy ster", + "�� ��", + "ĠUn like", + "val id", + "viron ments", + "ĠAl i", + "Ġn aked", + "book s", + "ĠM un", + "ĠG ulf", + "Ġd ensity", + "Ġdim in", + "Ġdesper ate", + "Ġpres idency", + "Ġ198 6", + "h y", + "IN D", + "Ġun lock", + "im ens", + "Ġhand led", + "ĠE b", + "Ġdisapp eared", + "Ġgen re", + "Ġ198 8", + "Ġdetermin ation", + "St ream", + "ik o", + "ap ters", + "Ġacknow ledge", + "J an", + "Ġcapital ism", + "P at", + "Ġ20 20", + "Ġpain ful", + "Ġcur ve", + "Ġbom bs", + "st orm", + "ĠMet al", + "en cer", + "ĠF ig", + "ĠA aron", + "anc hes", + "Ġins piration", + "Ġexha ust", + "t ains", + "ash i", + "Ġdesc ript", + "Ġr itual", + "ĠChel sea", + "Ġpromot ion", + "ĠH ung", + "ĠW ard", + "iv a", + "ĠE T", + "Ġto ss", + "all ow", + "ĠFranc is", + "D ep", + "Ġhapp iness", + "ĠGl ass", + "Ġbet a", + "Ġstreng then", + "N E", + "o a", + "Ġbutt ons", + "ĠMur ray", + "Ġkick ed", + "Qu est", + "ĠT alk", + "ĠS everal", + "ĠZ ero", + "Ġdr one", + "ul k", + "Ġc am", + "ĠM obile", + "Ġprevent ing", + "Ġret ro", + "ĠA x", + "Ġcru el", + "Ġflo at", + ". ),", + "Ġfil ing", + "ĠGr ant", + "ĠB or", + "Ġr ib", + "Ġchampions hip", + "ĠM erc", + "Ġsty les", + "Ġc ake", + "Ġbuild s", + "ĠS elf", + "io x", + "Ġep ic", + "oy d", + "B el", + "ĠSt ew", + ". (", + "ah u", + "ĠBe yond", + "Ġout s", + "Ġsol o", + "ĠT ree", + "Ġpres erve", + "Ġt ub", + "AR E", + "ro c", + "ĠIm pro", + "ĠW right", + "Ġbu nd", + "Ġtr aged", + "Ġoccas ional", + "b ian", + "Sec ond", + "r ons", + "Ġinter actions", + "form ed", + "s ing", + "Ġown s", + "Ġh ockey", + "Gener al", + "Ġlog ical", + "Ġexp end", + "Ġesc al", + "ĠGr iff", + "ĠC rown", + "ĠRes erve", + "Ġsto pping", + "Ġexc use", + "sec ond", + "Ġoper ated", + "Ġre aches", + "ĠMal ays", + "Ġpoll ution", + "ĠBrook lyn", + "Ġde lete", + "Ġhas h", + "Bl ock", + "ah a", + "âĢ ³", + "Ġsh orter", + "p iece", + "> >>", + "ĠM ormon", + "t or", + "Ġpartic les", + "ĠB art", + "ry ption", + "Ġad min", + "Ġsqu ee", + "VID IA", + "Ġcreat or", + "iam eter", + "ic ular", + "N BC", + "Ġgrab bed", + "Ġn odd", + "Ġr ated", + "Ġrot ation", + "Ġgr asp", + "Ġexcess ive", + "ĠE C", + "ĠWh it", + "Ġinvent ory", + "ault s", + "ĠF B", + "Ġe cosystem", + "Ġbill ions", + "Ġvent ure", + "n amed", + "Ġdef ender", + "out e", + "Inst ead", + "ir able", + "W ar", + "Ġassum ption", + "Ġb ite", + "Ġearth qu", + "t ail", + "sp ace", + "Ġgif ts", + "boy s", + "Ġinev itable", + "Ġstruct ural", + "Ġbenef icial", + "Ġcompe lling", + "h ole", + "erv ation", + "Ġco at", + "o j", + "inc arn", + "ĠY ears", + "Ġdetermin ing", + "Ġrhet oric", + "Ġbound aries", + "Ġwh ites", + "A nt", + "add y", + ") -", + "ra ham", + "eter min", + "Ġhar vest", + "ĠCon c", + "Ġlapt op", + "ĠM atch", + "Ġenjoy ing", + "cc a", + "oll ar", + "Ġtri ps", + "Ġadd iction", + "ĠS ak", + "Ġpow ered", + "Ġc ous", + "ĠRuss ians", + "ie re", + "Ġret rie", + "qu ality", + "Ġdiff er", + "Ġking dom", + "ĠL aur", + "ĠCap itol", + "Ġcon clusions", + "ĠAl tern", + "ĠN av", + "Ġtrans parent", + "B ER", + "G roup", + "ĠCom plete", + "Ġinf er", + "Ġint rig", + "Ġins ane", + "R O", + "oph ob", + "is en", + "qu al", + "Mich ael", + "Ġm useum", + "ĠP ope", + "Ġres et", + "r ative", + "f ive", + "Ġagg reg", + "itte es", + "osit ory", + "Ġcar b", + "ĠRec ord", + "Ġdec ides", + "ĠF ix", + "Ġexcept ions", + "ĠCommission er", + "un s", + "ĠEnvironment al", + "Ġlegend ary", + "ist ence", + "Ġtun nel", + "k m", + "Ġins ult", + "Ġt roll", + "Ġsh ake", + "Ġdet ention", + "qu es", + "ĠCh rome", + "ĠF iles", + "Ġsub t", + "Ġprospect s", + "Ġpro l", + "re nder", + "pro of", + "Ġperform ances", + "St r", + "Ġh ref", + "ern ame", + "Ġachieve ment", + "Ġf ut", + "F ull", + "ĠLe ban", + "go ogle", + "ãĥ Ī", + "amp a", + "May be", + "Ġproject ed", + "ĠE mb", + "Ġcol leg", + "Ġa wards", + "Ġâ Ķ", + "G old", + "ĠBl ake", + "ĠR aj", + "if ting", + "Ġp ending", + "Ġinst inct", + "Ġdevelop ments", + "Con nect", + "ĠM and", + "ĠW ITH", + "ĠPhilipp ines", + "prof ile", + "Ġalt ogether", + "ĠB und", + "ĠT D", + "oo oo", + "amp ed", + "ip h", + "Ġste am", + "Ġold est", + "Ġdet ection", + "ul pt", + "Ġ ç", + "ĠWay ne", + "200 6", + "f a", + "Ġcir cles", + "ĠF u", + "Ġdon ors", + "appropri ate", + "ĠDak ota", + "j amin", + "Ġmotiv ated", + "Ġpurch ases", + "ĠLouis iana", + "ĠS pl", + "Ġgl obe", + "Ġ10 5", + "z ip", + "c all", + "Ġdepart ments", + "Ġsustain able", + "10 5", + "ĠO P", + "if iers", + "Ġprevent ed", + "Ġinc omp", + "ĠComm ander", + "Ġdom inated", + "Ġ »", + "Ġinvest ed", + "Ġcomplex ity", + "Ġin cl", + "Ġens uring", + "Ġreal m", + "yn c", + "ĠInd ependent", + "r ained", + "ĠJ en", + "ĠFl ight", + "Ġat he", + "Ġspec ulation", + "ĠT E", + "oc ate", + "t ic", + "Ġpl aint", + "her ry", + "Ġto y", + "Ġ1 11", + "Ġpl ates", + "st atus", + "ĠIs a", + "Ġdev oted", + "C op", + "ĠE S", + "25 5", + "ur rency", + "M ain", + "Ġsl aves", + "Ġpe pper", + "Ġqu otes", + "Ġce iling", + "ĠF ish", + "Ġtrans formation", + "Ġfra ction", + "Ġadvant ages", + "Ġto ile", + "Ġstun ning", + "Ġmo ist", + "bre aking", + "s i", + "ĠL ocation", + "ĠMed ium", + "Ġtext s", + "Ġu gly", + "Ġb io", + ". âĢĶ", + "ĠB ased", + "Ġtr ains", + "ĠW ing", + "ĠAn cient", + "ĠRec ords", + "ĠH ope", + "Spe cial", + "ades h", + "ob i", + "[ /", + "Ġtempor arily", + "V er", + "h u", + "os er", + "Ġover night", + "Ġm amm", + "ĠTre asury", + "ĠV enezuel", + "ĠMeg a", + "Ġt ar", + "Ġexpect s", + "bl ack", + "or ph", + "\\\\ \\\\", + "Ġaccept ance", + "Ġrad ar", + "s is", + "Ġjun ior", + "Ġfram es", + "Ġobserv ation", + "ac ies", + "P ower", + "ĠAdv anced", + "M ag", + "olog ically", + "ĠMe chan", + "Ġsent ences", + "Ġanaly sts", + "augh ters", + "force ment", + "Ġv ague", + "Ġcl ause", + "Ġdirect ors", + "Ġeval uate", + "Ġcabin et", + "M att", + "ĠClass ic", + "A ng", + "Ġcl er", + "ĠB uck", + "Ġresear cher", + "Ġ16 0", + "Ġpoor ly", + "Ġexperien cing", + "ĠP ed", + "ĠMan hattan", + "Ġfre ed", + "Ġthem es", + "ad vant", + "Ġn in", + "Ġpra ise", + "10 4", + "ĠLib ya", + "b est", + "Ġtrust ed", + "Ġce ase", + "Ġd ign", + "D irect", + "Ġbomb ing", + "Ġm igration", + "ĠSci ences", + "Ġmunicip al", + "ĠA verage", + "Ġgl ory", + "Ġreve aling", + "Ġare na", + "Ġuncertain ty", + "Ġbattle field", + "ia o", + "G od", + "Ġc inem", + "ra pe", + "el le", + "ap ons", + "Ġlist ing", + "Ġwa ited", + "Ġsp otted", + "ke ley", + "ĠAud io", + "e or", + "ard ing", + "idd ing", + "ig ma", + "ĠN eg", + "Ġl one", + "Ġ ----", + "ex e", + "d eg", + "Ġtrans f", + "Ġwas h", + "Ġsl avery", + "Ġexpl oring", + "ĠW W", + "ats on", + "Ġen cl", + "l ies", + "ĠC reek", + "Ġwood en", + "Man ager", + "ĠBr and", + "um my", + "ĠAr thur", + "Ġbureau cr", + "Ġbl end", + "ar ians", + "F urther", + "Ġsupposed ly", + "Ġwind s", + "Ġ19 79", + "Ġgrav ity", + "Ġanalys es", + "ĠTra vel", + "ĠV eter", + "Ġd umb", + "Ġaltern ate", + "g al", + "Ġconsum ed", + "Ġeffect iveness", + ".' '", + "Ġpath s", + "ond a", + "L A", + "ĠStr ong", + "Ġen ables", + "Ġesc aped", + "Ġ\" \"", + "Ġ1 12", + "Ġ198 3", + "Ġsm iled", + "Ġtend ency", + "F ire", + "Ġp ars", + "ĠR oc", + "Ġl ake", + "Ġf itness", + "ĠA th", + "ĠH orn", + "Ġh ier", + "Ġimp ose", + "m other", + "Ġp ension", + "ic ut", + "bor ne", + "ic iary", + ". _", + "ĠS U", + "Ġpol ar", + "is y", + "eng u", + "itial ized", + "AT A", + "w rite", + "Ġexerc ises", + "ĠD iamond", + "ot ypes", + "Ġharm ful", + "on z", + "Ġprint ing", + "st ory", + "Ġexpert ise", + "ĠG er", + "Ġtraged y", + "ĠF ly", + "Ġd ivid", + "amp ire", + "st ock", + "M em", + "Ġre ign", + "Ġun ve", + "Ġam end", + "ĠProp het", + "Ġmut ual", + "ĠF ac", + "Ġrepl acing", + "H ar", + "ĠCirc uit", + "Ġthro at", + "ĠSh ot", + "Ġbatter ies", + "Ġto ll", + "Ġaddress ing", + "ĠMedic aid", + "Ġp upp", + "ĠN ar", + "ol k", + "Ġequ ity", + "M R", + "ĠHis pan", + "ĠL arge", + "m id", + "D ev", + "Ġexp ed", + "Ġdem o", + "ĠMarsh all", + "erg us", + "Ġf iber", + "Ġdiv orce", + "ĠCre ate", + "Ġsl ower", + "ĠPark er", + "ĠStud ent", + "ĠTr aining", + "Ret urn", + "ĠT ru", + "Ġc ub", + "ĠRe ached", + "Ġpan ic", + "Ġqu arters", + "Ġre ct", + "Ġtreat ing", + "Ġr ats", + "ĠChristian ity", + "ol er", + "Ġsac red", + "Ġdecl are", + "ul ative", + "et ing", + "Ġdeliver ing", + "est one", + "Ġt el", + "ĠL arry", + "Ġmet a", + "ac cept", + "art z", + "ĠRog er", + "hand ed", + "Ġhead er", + "Ġtra pped", + "ĠCent ury", + "Ġkn ocked", + "ĠOx ford", + "Ġsurviv ors", + "b ot", + "Ġdemon stration", + "Ġd irt", + "Ġass ists", + "OM E", + "ĠD raft", + "ortun ate", + "fol io", + "pe red", + "ust ers", + "g t", + "ĠL ock", + "Ġjud icial", + "ver ted", + "Ġsec ured", + "out ing", + "ĠBook s", + "Ġhost ing", + "Ġlif ted", + "l ength", + "Ġj er", + "Ġwhe els", + "ĠR ange", + "umbn ails", + "Ġdiagn osis", + "te ch", + "ĠStew art", + "ĠP ract", + "Ġnation wide", + "Ġde ar", + "Ġoblig ations", + "Ġgrow s", + "Ġmand atory", + "Ġsusp icious", + "! '", + "A pr", + "G reat", + "Ġmort gage", + "Ġprosecut or", + "Ġeditor ial", + "ĠK r", + "Ġprocess ed", + "ung le", + "Ġflex ibility", + "Ear lier", + "ĠC art", + "ĠS ug", + "Ġfoc uses", + "Ġstart up", + "Ġbre ach", + "ĠT ob", + "cy cle", + "ãĢ Į", + "ro se", + "Ġb izarre", + "ãĢ į", + "Ġveget ables", + "$ $", + "Ġret reat", + "osh i", + "ĠSh op", + "ĠG round", + "ĠSt op", + "ĠHawai i", + "ĠA y", + "Per haps", + "ĠBe aut", + "uff er", + "enn a", + "Ġproduct ivity", + "F ixed", + "cont rol", + "Ġabs ent", + "ĠCamp aign", + "G reen", + "Ġident ifying", + "Ġreg ret", + "Ġpromot ed", + "ĠSe ven", + "Ġer u", + "ne ath", + "aug hed", + "ĠP in", + "ĠL iving", + "C ost", + "om atic", + "me ga", + "ĠN ig", + "oc y", + "Ġin box", + "Ġem pire", + "Ġhor izont", + "Ġbr anches", + "Ġmet aph", + "Act ive", + "ed i", + "ĠFil m", + "ĠS omething", + "Ġmod s", + "inc ial", + "ĠOrig inal", + "G en", + "Ġspir its", + "Ġear ning", + "H ist", + "Ġr iders", + "Ġsacr ific", + "M T", + "ĠV A", + "ĠS alt", + "Ġoccup ation", + "ĠM i", + "Ġdis g", + "lic t", + "Ġn it", + "Ġn odes", + "e em", + "ĠP ier", + "Ġhat red", + "ps y", + "ãĥ ī", + "Ġthe ater", + "Ġsophistic ated", + "Ġdef ended", + "Ġbes ides", + "Ġthorough ly", + "ĠMedic are", + "Ġbl amed", + "arent ly", + "Ġcry ing", + "F OR", + "pri v", + "Ġsing ing", + "ĠI l", + "Ġc ute", + "o ided", + "olit ical", + "ĠNe uro", + "å ¤", + "Ġdon ation", + "ĠEag les", + "ĠG ive", + "T om", + "Ġsubstant ially", + "ĠLic ense", + "ĠJ a", + "Ġg rey", + "ĠAn imal", + "ĠE R", + "ĠU nd", + "Ġke en", + "Ġconclud e", + "ĠMississ ippi", + "Eng ine", + "ĠStud ios", + "P ress", + "o vers", + "ll ers", + "Ġ3 50", + "ĠR angers", + "Ġr ou", + "ert o", + "E p", + "iss a", + "iv an", + "Ġse al", + "ĠReg ist", + "dis play", + "Ġwe aken", + "u um", + "ĠComm ons", + "ĠS ay", + "Ġcult ures", + "Ġl aughed", + "Ġsl ip", + "Ġtreat ments", + "iz able", + "m art", + "ĠR ice", + "Ġbe ast", + "Ġob esity", + "ĠLa ure", + "ig a", + "Wh ich", + "hold er", + "Ġelder ly", + "Ġp ays", + "Ġcompl ained", + "Ġc rop", + "Ġpro c", + "Ġexplos ive", + "ĠF an", + "ĠAr senal", + "A uthor", + "ef ul", + "Ġme als", + "Ġ( -", + "id ays", + "Ġimag ination", + "Ġann ually", + "Ġm s", + "as ures", + "H ead", + "ik h", + "m atic", + "Ġboy friend", + "ĠCom puter", + "Ġb ump", + "Ġsur ge", + "ĠCra ig", + "ĠKir k", + "D el", + "medi ate", + "Ġscen arios", + "ĠM ut", + "ĠSt ream", + "Ġcompet itors", + "Ù Ħ", + "ĠStan ford", + "ĠRes ources", + "az ed", + "b age", + "Ġorgan is", + "ĠRe lease", + "Ġsepar ately", + "Ġha bits", + "Ġmeasure ments", + "ĠCl ose", + "Ġaccomp any", + "Ġg ly", + "Ġt ang", + "ĠR ou", + "Ġplug in", + "Ġcon vey", + "ĠChall enge", + "oot s", + "j an", + "Ġcur s", + "ĠRel ations", + "ke eper", + "Ġapproach ing", + "p ing", + "Spe aking", + "Ġarrang ement", + "ĠV I", + "are ttes", + "Ġaffect ing", + "Ġperm its", + "b ecause", + "Ġu seless", + "ĠH us", + "!! !!", + "Ġdestro ying", + "Un fortunately", + "Ġfasc inating", + "S em", + "Ġelect oral", + "Ġtrans parency", + "ĠCh aos", + "Ġvolunte er", + "Ġstatist ical", + "Ġactiv ated", + "ro x", + "We b", + "H E", + "ĠHamp shire", + "is ive", + "M ap", + "Ġtr ash", + "ĠLaw rence", + "st ick", + "C r", + "Ġr ings", + "EX T", + "Ġoper ational", + "op es", + "D oes", + "ĠEv ans", + "Ġwitness ed", + "P ort", + "Ġlaunch ing", + "ec onom", + "w ear", + "ĠPart icip", + "um m", + "cul es", + "ĠR AM", + "ĠT un", + "Ġass ured", + "Ġb inary", + "Ġbet ray", + "Ġexpl oration", + "ĠF el", + "Ġad mission", + "it ated", + "S y", + "Ġav oided", + "ĠSim ulator", + "Ġcelebr ated", + "ĠElect ric", + "¥ ŀ", + "Ġcl uster", + "itzer land", + "he alth", + "L ine", + "ĠN ash", + "at on", + "Ġsp are", + "Ġenter prise", + "ĠD IS", + "clud es", + "Ġfl ights", + "Ġreg ards", + "Ġà Ĺ", + "h alf", + "Ġtr ucks", + "Ġcontact s", + "Ġunc ons", + "ĠCl imate", + "Ġimm ense", + "N EW", + "oc c", + "ect ive", + "Ġemb od", + "Ġpat rol", + "Ġbes ide", + "Ġv iable", + "Ġcre ep", + "Ġtrig gered", + "ver ning", + "Ġcompar able", + "q l", + "Ġg aining", + "ass es", + "Ġ( );", + "ĠG rey", + "ĠM LS", + "s ized", + "Ġpros per", + "\" ?", + "Ġpoll ing", + "Ġsh ar", + "ĠR C", + "Ġfire arm", + "or ient", + "Ġf ence", + "Ġvari ations", + "g iving", + "ĠP i", + "osp el", + "Ġpled ge", + "Ġc ure", + "Ġsp y", + "Ġviol ated", + "Ġr ushed", + "Ġstro ke", + "ĠBl og", + "sel s", + "ĠE c", + ",' '", + "Ġp ale", + "ĠColl ins", + "ter ror", + "ĠCanad ians", + "Ġt une", + "Ġlabor atory", + "Ġn ons", + "t arian", + "Ġdis ability", + "ĠG am", + "Ġsing er", + "al g", + "ĠSen ior", + "Ġtrad ed", + "ĠWar rior", + "Ġinf ring", + "ĠFrank lin", + "Ġstr ain", + "ĠSwed ish", + "Ġsevent h", + "ĠB enn", + "ĠT ell", + "Ġsynd rome", + "Ġwond ered", + "id en", + "++ ++", + "ig o", + "Ġpur ple", + "Ġjournal ism", + "Ġreb el", + "Ġf u", + "bl og", + "Ġinv ite", + "ren cies", + "ĠCont act", + "Is rael", + "ĠCont ent", + "Ġche er", + "Ġbed room", + "ĠEngine ering", + "ĠQue ens", + "Ġd well", + "ĠPlay Station", + "ĠD im", + "ĠCol on", + "l r", + "Ġoper ates", + "Ġmotiv ation", + "US A", + "ast ered", + "C ore", + "ĠTr uth", + "ol o", + "OS E", + "ĠMem ory", + "Ġpred ec", + "Ġan arch", + "Ġ19 20", + "ĠY am", + "à ¨", + "b id", + "Ġgr ateful", + "Ġexc itement", + "Ġtre asure", + "Ġlong est", + "ct ive", + "Ġdes erves", + "Ġreserv es", + "Ġcop s", + "ĠOtt awa", + "ĠEgypt ian", + "ank ed", + "Ġart if", + "Ġhypot hesis", + ": /", + "Ġpurch asing", + "Ġlove ly", + "H P", + "Ġdiv ide", + "Ġstrict ly", + "Ġquestion ing", + "Ġtaxp ayers", + "ĠJ oy", + "Ġroll s", + "ĠHe avy", + "Ġp orts", + "Ġmag netic", + "Ġinf lamm", + "Ġbr ush", + "t ics", + "â ĪĴ", + "Ġbott les", + "pp y", + "Ġp add", + "ãĤ ¯", + "m illion", + "Ġdevast ating", + "Ġcomp iled", + "Ġmed ication", + "Ġtw elve", + "ĠPer ry", + "Sp ace", + "im b", + "y our", + "Ġle aked", + "ĠT ar", + "Ġun ity", + "Ġinfect ed", + "Ġtravel ed", + "ID E", + "ĠMc Donald", + "t xt", + "ĠPr inc", + "Ġinter ven", + "ĠTai wan", + "ĠP ow", + "Ġbe aring", + "ĠTh read", + "Ġz ones", + "iz ards", + "un ks", + "Ch apter", + "ll or", + "Ġ ·", + "Ġw ounds", + "Ġdisc retion", + "Ġsucceed ed", + "ik ing", + "Ġicon ic", + "C all", + "Ġscreen ing", + "ĠM is", + "ict s", + "Ġmin isters", + "Ġsepar ation", + "Pl ayer", + "Ġb ip", + "Ġbel oved", + "Ġcount ing", + "ĠE ye", + "ar ound", + "ing ing", + "Ġtable t", + "Ġoff ence", + "in ance", + "h ave", + "ĠInf o", + "ĠNin ja", + "Ġprotect ive", + "ĠC ass", + "M ac", + "ĠQual ity", + "N orth", + "Ġ ic", + "ĠCub a", + "ĠChron icle", + "ĠPro perty", + "Ġfast est", + "ot os", + "ĠG erm", + "OW N", + "Ġbo om", + "ĠStan ley", + "ergus on", + "Ġcle ver", + "Ġent ers", + "m ode", + "ter ior", + "ĠS ens", + "Ġlin ear", + "AR K", + "Ġcomp aring", + "Ġpure ly", + "Ġsaf er", + "ĠPot ter", + "Ġc ups", + "R T", + "Ġgl uc", + "Ġatt ributed", + "Ġdu pl", + "ĠP ap", + "Ġprec ious", + "Ġp a", + "iction ary", + "ĠT ig", + "ĠTo o", + "ol utions", + "st an", + "Ġrob ots", + "Ġlob b", + "Ġstat ute", + "Ġprevent ion", + "w estern", + "16 0", + "ĠAct ive", + "ĠMar ia", + "h al", + "N one", + "ell ar", + "ĠK B", + "ĠPart ners", + "ĠSing le", + "ĠFollow ing", + "ang o", + "ac ious", + "Ġth ou", + "Ġk g", + "Ġinflu ential", + "ĠFriend s", + "S ur", + "ain ted", + "Ġfor ums", + "Ġst arter", + "Ġcitizens hip", + "ĠE lection", + "on ge", + "ot ation", + "os ph", + ";; ;;", + "ut ical", + "p ur", + "ere n", + "Ġaccus ations", + "bit ious", + "ab bit", + "ĠOr d", + "Post ed", + "ir k", + "Ġsens itivity", + "ic he", + "ĠAm y", + "ĠF ab", + "Ġsum mit", + "Ġped est", + "Ġrub ber", + "Ġagric ultural", + "Ġcan cel", + "A E", + "Ġin aug", + "Ġcont am", + "Ġfirm ly", + "i w", + "st age", + "ĠK an", + "Ġt ier", + "Ġinv ention", + "Ġtransl ated", + "ĠR ules", + "B ox", + "Tw itter", + "ID S", + "Ġp izza", + "Ġdeb ug", + "ĠD rop", + "v s", + "Ġh orses", + "b ig", + "Ġb oring", + "Ġh ood", + "ĠMcC ain", + "at ched", + "ĠBro s", + "Ġsk ip", + "Ġess ay", + "st at", + "ĠLeg ends", + "Ġam munition", + "au c", + "Ġshoot er", + "Ġun h", + "Ġsuppl ied", + "Ġgener ic", + "ĠS K", + "ib an", + "yr ics", + "Ġ25 5", + "Ġclim bing", + "Form er", + "Ġfl ip", + "Ġjump ing", + "Ġfrust ration", + "ĠTer ry", + "Ġneighborhood s", + "Ġmed ian", + "be an", + "Ġbr ains", + "Follow ing", + "Ġsh aped", + "Ġdraw s", + "Ġal tered", + "J ack", + "Ġrecip es", + "Ġsk illed", + "we alth", + "ach i", + "e lection", + "Ġbehavi ors", + "de als", + "ĠU ntil", + "F e", + "Ġdecl aration", + "mar ks", + "ĠBet ween", + "cel ona", + "Ġres on", + "Ġbub ble", + "Am ong", + "Ġim perial", + "G S", + "Ġfemin ist", + "200 5", + "ĠK yle", + "Ġaccount ing", + "ĠTe le", + "ĠT yr", + "Ġconnect ing", + "Ġre hab", + "ĠP red", + "s im", + "Ġmeant ime", + "Ġphys ician", + "M W", + "ĠCamp bell", + "ĠBr andon", + "Ġcontribut ing", + "ĠR ule", + "ĠWe ight", + "ĠN ap", + "Ġinter active", + "Ġv ag", + "Ġhel met", + "ĠCom b", + "f our", + "Ġsh ipped", + "Ġcomple ting", + "ĠP D", + "PD ATE", + "Ġspread ing", + "Ġsc ary", + "erv ing", + "ĠG as", + "Ġfr ank", + "s chool", + "Ġrom antic", + "Ġstab il", + "R ob", + "Ġaccur ately", + "Ġac ute", + "ĠH ann", + "Ġsymbol s", + "Ġcivil ization", + "ĠA W", + "Ġlight ning", + "Ġcons iders", + "Ġven ue", + "Ġ ×", + "Ġo ven", + "ĠS F", + "h is", + "Ġn u", + "ĠLear n", + "Ġpe oples", + "Ġst d", + "Ġsle e", + "Ġs lic", + "ĠStat istics", + "Ġcor ners", + "ĠB aker", + "Ġ: )", + "ment ation", + "ol ver", + "Ġlaugh ing", + "ĠT odd", + "ond e", + "ĠH ills", + "Ġn uts", + "ĠW oman", + "pl ane", + "Ġl iver", + "ĠIn side", + "S orry", + "Ġagre es", + "Ġfund ament", + "ĠF isher", + "Ġa uction", + "Ġthread s", + "gl as", + "ĠBas ic", + "ĠN at", + "Ġlack ing", + "Ġceleb ration", + "j u", + "Ġs illy", + "E uro", + "Ġt att", + "ight y", + "cont rolled", + "T est", + "ĠSing h", + "Ġr age", + "Ġrh yth", + "o ffic", + "ĠPh antom", + "Ġhead lines", + "Ġrespond ing", + "ĠMor ning", + "Ġvit amin", + "Ġboot s", + "ĠS ite", + "al in", + "p i", + "Ġvir al", + "ĠU C", + "D ER", + "ĠSe x", + "Ġst ocks", + "c urrent", + "Ġch urches", + "ĠR are", + "ĠMur phy", + "Ġden ial", + "ĠG aming", + "Ġtou g", + "Ġn ick", + "Ġm akers", + "ĠRon ald", + "Ġgener ous", + "ĠD oc", + "ĠMor ris", + "Ġtransform ed", + "ĠN ormal", + "Ġ10 4", + "ĠKick starter", + "ĠUp on", + "On line", + "ĠI RS", + "Ġw rap", + "Ġl oving", + "Ġarri ves", + "ĠD ue", + "Ġhe ter", + "ĠM ade", + "Ġrent al", + "Ġbelong s", + "Ġatt orneys", + "Ġcro ps", + "Ġmat ched", + "ul um", + "ol ine", + "10 9", + "Ġdis par", + "Ġbuy ers", + "ĠCam bridge", + "Ġeth ics", + "rou ps", + "Ġjust ified", + "Ġmarg inal", + "Ġrespect ed", + "win ning", + "Ġnodd ed", + "ĠSer ge", + "ĠForm er", + "C raft", + "######## ########", + "ĠWar ner", + "Ġd ash", + "et e", + "Ġent ert", + "ĠE scape", + "out heast", + "Ġkn ees", + "ĠB omb", + "Ġr ug", + "P ass", + "Ġatt itudes", + "go vernment", + "ĠPri or", + "Ġqual ities", + "Ġnot ification", + "ĠPh one", + "l ie", + "Ġanticip ated", + "ĠCom bat", + "ĠBar ry", + "Ġ198 2", + "Us ers", + "on er", + "Ġcomput ing", + "ĠConnect icut", + "Ġless er", + "Ġpe ers", + "ĠC u", + "Ġtechn ically", + "Ġsub mission", + "ĠUn iversal", + "Ġman ually", + "our ge", + "Ġrespond ents", + "ĠB TC", + "ĠH ost", + "Ġf are", + "ĠB ird", + "Ġrece ipt", + "al so", + "Ġj ack", + "Ġagric ulture", + "Ġsk ull", + "Ġ! =", + "Ġpass ive", + "ĠC I", + "Ġsoc ieties", + "Ġremind ed", + "Ġinter ference", + "B uy", + "Ġâ ľ", + "g on", + "Ġscrut iny", + "ĠW itch", + "Ġconduct ing", + "Ġ ãĥ", + "Ġexch anges", + "ĠMit chell", + "Ġinhab it", + "Ġtw ist", + "B D", + "Ġwhere ver", + "group on", + "Ġj okes", + "ĠBen jamin", + "ĠR andom", + "fr ame", + "ĠL ions", + "Ġhighlight ed", + "ĠArk ansas", + "E nt", + "Ġp ile", + "Ġpre lim", + "g s", + "mind ed", + "Ġfel ony", + "ĠG A", + "ĠL uck", + "Ġpract ically", + "ĠB os", + "Ġact ress", + "D am", + "ĠB ou", + "Ġvis a", + "Ġembed ded", + "Ġhy brid", + "Ġear liest", + "Ġsoon er", + "s ocial", + "ĠH A", + "Ġste ep", + "Ġdis advant", + "Ġexplo it", + "ĠE gg", + "ĠUlt ra", + "Ġnecess ity", + "L ocal", + "ie ge", + "Ġd ated", + "Ġmass es", + "Ġsubsc ription", + "pl ess", + "Ġan onym", + "Ġpresum ably", + "Bl ue", + "The ir", + "asket ball", + "ĠPhil ip", + "Ġcom ed", + "load ed", + "r ane", + "Ġref lection", + "Ch ina", + "Ġext ends", + "Ġform ing", + "Ġund ers", + "200 1", + "Ġgr at", + "Ġconcent rations", + "Ġins ulin", + "Ġsec ular", + "Ġwh ilst", + "Ġwin ners", + "Ad vertisements", + "Ġdeliber ately", + "ĠWork ing", + "Ġs ink", + "et ics", + "d ale", + "Ġmand ate", + "Ġg ram", + "Ġvac ation", + "Ġwarn ings", + "ri pp", + "ĠTH AT", + "Ġcomment ary", + "Ġint u", + "Ġa est", + "Ġreason ing", + "Ġbreak down", + "ĠZ ombie", + "Ġ-- >", + "ĠPolit ical", + "c ott", + "Ġthr ust", + "Ġtechn ological", + "Ġdec iding", + "Ġtraff icking", + "L ong", + "W elcome", + "pr ising", + "ĠCommun ications", + "Ġend ors", + "Ġsw ift", + "Ġmetab ol", + "co ins", + "res a", + "ĠHT TP", + "Ġen roll", + "ĠH appy", + "us r", + "int age", + "Ġ[ \"", + "u ably", + "ĠM aterial", + "Ġrepe al", + "Se pt", + "k h", + "ĠMod i", + "Ġunder neath", + "ĠI L", + "sh ore", + "Ġdiagn osed", + "ace utical", + "Ġsh ower", + "au x", + "ĠSw itch", + "ĠStre ngth", + "Ġj ihad", + "n ational", + "Ġtra uma", + "uss y", + "on i", + "Ġcons olid", + "Ġcal ories", + "ĠF lynn", + "ag ged", + "16 8", + "ĠP ink", + "Ġfulf ill", + "Ġch ains", + "Ġnot ably", + "ĠA V", + "L ife", + "ĠCh uck", + "m us", + "ĠUr ban", + "ĠH end", + "Ġdep osit", + "ĠS ad", + "Ġaff air", + "OR K", + "ie val", + "ĠF DA", + "Ġt rop", + "ĠOver all", + "Ġvirt ue", + "Ġsatisf action", + "au nd", + "Ġl un", + "ĠSw itzerland", + "ĠOper ation", + "pro cess", + "Ġsh ook", + "Ġcount ies", + "le ased", + "ĠCharl otte", + "1 12", + "Ġtrans cript", + "Ġre dd", + "p ush", + "ĠHe y", + "ĠAn alysis", + "[ \"", + "Ġaltern atives", + "ard less", + "Ġele ph", + "Ġpre jud", + "ĠLe af", + "H aving", + "ĠH ub", + "Ġexpress ions", + "ĠVol ume", + "Ġshock ing", + "ĠRed s", + "Ġread ily", + "Ġplan ets", + "ad ata", + "Ġcollaps ed", + "ĠMad rid", + "Ġir rit", + "i pper", + "ĠEn c", + "ĠW ire", + "Ġbu zz", + "ĠG P", + "ash a", + "Ġaccident ally", + "ur u", + "Ġfrust rated", + "ĠS A", + "Ġhung ry", + "ĠH uff", + "Ġlab els", + "ant o", + "ĠE P", + "Ġbar riers", + ") |", + "ĠBer keley", + "ĠJ ets", + "Ġp airs", + "ĠL an", + "J ames", + "ĠB ear", + "Ġhum or", + "ĠLiber ty", + "Ġmagn itude", + "Ġag ing", + "ĠM ason", + "Ġfriends hip", + "umb ling", + "Ġemer ge", + "Ġnewsp apers", + "Ġam bitious", + "ĠRich ards", + "atern al", + "Ġ198 1", + "Ġcook ies", + "Ġsc ulpt", + "Ġpur suit", + "L ocation", + "Ġscript s", + "p c", + "Ġarrang ements", + "Ġd iameter", + "Ġl oses", + "am ation", + "Ġl iqu", + "ĠJ ake", + "aret te", + "Ġunderstand s", + "ĠZ en", + "v m", + "Ġappro ve", + "Ġw ip", + "Ġult ra", + "Ġint end", + "ĠD I", + "asc ular", + "Ġst ays", + "ĠK or", + "ĠK l", + "Ġinvest ing", + "L a", + "Ġbelie ving", + "b ad", + "m outh", + "Ġtaxp ayer", + "ãĥ ĥ", + "ĠQue bec", + "Ġl ap", + "ĠSw iss", + "d rop", + "Ġdr ain", + "ir i", + "et c", + "ft en", + "ĠN ex", + "Ġst raw", + "Ġscream ing", + "Ġcount ed", + "Ġdam aging", + "Ġamb assador", + "cent ury", + "Ġpro x", + "Ġarrest s", + "u v", + "il ateral", + "ĠCh arg", + "Ġpresc ribed", + "Ġindepend ently", + "Ġf ierce", + "ĠB aby", + "Ġb rave", + "Ġsu its", + "= >", + "Ġbas eline", + "ĠR ate", + "Ġis lands", + "Ġ( (", + "g reen", + "ix els", + "Ġname ly", + "ĠVill age", + "th an", + "am y", + "V ersion", + "g mail", + "ential s", + "ĠS ud", + "ĠMel bourne", + "Ġarri ving", + "Ġquant um", + "e ff", + "rop olitan", + "T ri", + "Ġfun eral", + "ĠI R", + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ", + "ĠC ob", + "it ably", + "Ġt urb", + "Ġcomb o", + "Re view", + "Ġdeploy ment", + "u ity", + "ĠB ott", + "Ġinv isible", + "Ġrender ing", + "Ġunl ocked", + "Ġa qu", + "ĠVlad imir", + "Ġp ad", + "ĠBr ain", + "ĠLeg acy", + "dr agon", + "ĠKurd ish", + "Ġsound ed", + "Ġdet ained", + "ĠD M", + "g ary", + "Ġd aughters", + "Ġdistur bing", + "uk a", + "ĠPar ad", + "Ġt ast", + "Ġunf ortunate", + "Ġu l", + "em in", + "Ġattend ance", + "tr l", + "Ġpar ks", + "ĠMem orial", + "ĠAl ice", + "oth y", + "gu ard", + "ĠD ise", + "ĠSh an", + "ĠFor um", + "R ich", + "Ġshif ted", + "ue z", + "Ġl ighter", + "ĠMag n", + "Ġc od", + "S ch", + "ham mad", + "P ub", + "3 50", + "ĠP okemon", + "Ġprot otype", + "Ġun re", + "B ase", + "ĠStud ents", + "ĠRep ly", + "ĠCommun ist", + "Ġg au", + "ĠTy ler", + "I Z", + "Ġparticip ated", + "Ġsup rem", + "ĠDet ails", + "Ġvessel s", + "ro d", + "Ġt ribe", + "ke ep", + "Ġassum ptions", + "Ġp ound", + "Ġcr ude", + "ĠAv ailable", + "Ġswim ming", + "Ġin clusion", + "Ġadv ances", + "c ulation", + "Ġconserv ation", + "Ġover d", + "ĠBuff alo", + "Art icle", + "ed ge", + "Ġaw a", + "ĠMad ison", + "Ġsid ew", + "Ġcat ast", + "ĠK rist", + "uc le", + "ĠHigh way", + "ĠTer ror", + "Ġactiv ation", + "Ġuncons cious", + "ĠSat an", + "ĠSus an", + "ill ery", + "Ġarr anged", + "i op", + "Ġrum ors", + "ur ring", + "th ink", + "ĠKe ith", + "ĠK ind", + "Ġavoid ing", + "by n", + "n ut", + "ĠSpe aker", + "r us", + "n ames", + "Ġgu ilt", + "ĠOlymp ics", + "Ġsa il", + "ĠM es", + "lev ant", + "ĠColumb us", + "a ft", + "C ity", + "S outh", + "ĠHar vey", + "ĠP un", + "S everal", + "Ġment ally", + "Ġimp ress", + "m ount", + "ĠUb untu", + "âĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶ", + "ĠSuper man", + "ĠMP s", + "Ġintent ions", + "ĠR acing", + "Ġlike lihood", + "Ġ2 40", + "T otal", + "Ġto ys", + "ĠW atson", + "Ġur ge", + "L ear", + "ĠP aper", + "Ġoccur ring", + "ĠB eng", + "ĠC ert", + "Ġst ones", + "T im", + "ĠTw in", + "z b", + "ĠD ynam", + "Ġpolit ician", + "k ens", + "ĠEnter prise", + "UT ERS", + "Ġab ol", + "Ġref resh", + "Ġarbit rary", + "pe ction", + "Ġtrou bles", + "Ġ} );", + "t v", + "Ġpil ots", + "Ġdist ribute", + "Ġaud it", + "Ġp ause", + "orig inal", + "Ġr ivals", + " £", + "F ig", + "T L", + "ab il", + "ry ing", + "L in", + "ion ed", + "l on", + "Ġf ancy", + "Ġcr ashed", + "Ġt ract", + "Ġshe d", + "Ġcons ume", + "B ased", + "down load", + "in it", + "Ġvolt age", + "Int rodu", + "Ġcondem ned", + "ĠFin ance", + "res pect", + "Ġex cluded", + "Ġestablish ing", + "her ic", + "Ġher itage", + "Ġspect acular", + "Ġun st", + "ĠSnow den", + "ĠL ane", + "S an", + "Ġprotect ions", + "st ruction", + "inc inn", + "Ġmac ro", + "C ustom", + "ios ity", + "Ġes p", + "Ġfunction ing", + "Ġm ush", + "Ġp uzzle", + "Ġeth ical", + "M al", + "Ġgo verning", + "ĠF erguson", + "Ġrest ored", + "Ġst ressed", + "ĠCoun ter", + "ĠK as", + "cl ip", + "AN S", + "Ġse iz", + "U K", + "by ss", + "old own", + "ap i", + "Ġperman ently", + "oun ters", + "W est", + "Th rough", + "L ight", + "at oes", + "Ġne at", + "Ġc ord", + "ure r", + "Ġsevere ly", + "ĠA ven", + "Ġinter rog", + "Ġtri ple", + "G iven", + "N umber", + "Ġar ise", + "Ġs her", + "pl ant", + "Ġfl ower", + "ĠC ou", + "Ġat e", + "Ġnew er", + "b ul", + "Ġmean while", + "ĠL air", + "Ġadjust ment", + "ĠCop yright", + "Ġd ivers", + "i ological", + "Ġgam ers", + "o at", + "Ġhistor ically", + "Ġanal og", + "Ġlong time", + "Ġpres cription", + "ĠM ist", + "ĠHy per", + "ĠM aine", + "ĠDe ity", + "Ġmulti pl", + "ĠRe incarn", + "ĠH yd", + "ĠP ic", + "S il", + "r ants", + "ĠC ris", + ". ;", + "( {", + "epend ence", + "Ġrec y", + "ate ur", + "Ġqu ad", + "Ġgl ob", + "Ġcon ced", + "te am", + "Ġcapital ist", + "ĠL ot", + "Ġroy al", + "ĠCy ber", + "Ġblack s", + "met ic", + "ri v", + "ĠD anny", + "Ġsp o", + "ĠR O", + "Ġanim ated", + "rypt ed", + "ĠDep uty", + "Ġrend ered", + "F E", + "Ġstre ak", + "Ġcloud s", + "ĠDou g", + "~~~~ ~~~~", + "Ġdisc our", + "ĠVe h", + "Ġpsych ology", + "ĠJ ourney", + "Ġcry stal", + "ĠFro st", + "Ġsuspic ion", + "Ġrel ate", + "or us", + "ĠC rypt", + "ĠN VIDIA", + "com ed", + "ut ing", + "incinn ati", + "Ġvulner ability", + "ost ic", + "Ġisol ation", + "Ġcool ing", + "ĠCoal ition", + "Ġ1 19", + "F our", + "ĠDe al", + "Ġâ ī", + "se mble", + "ram ent", + "ĠBar celona", + "Ġ10 2", + "Ġcoc aine", + "ocaly pse", + "F eb", + "ogen ic", + "Ġmut ation", + "Ġcrypt oc", + "ĠK el", + "ĠG it", + "a is", + "Ġs isters", + "AN K", + "Ġactiv ate", + "T er", + "Ġd read", + "yl on", + "Ġprop ri", + "A ust", + "ĠDef ault", + "Ġout door", + "Ġshe er", + "ce ive", + "Ġg ently", + "Ð ¾", + "Pro gram", + "Ġâ ĨĴ", + "Ġve gan", + "ĠCr us", + "Ġrespons ibilities", + "ĠH R", + "OL D", + "Ġprev ents", + "Ġst iff", + "ĠW ere", + "Ġathlet ic", + "ĠSc ore", + "Ġ) :", + "Ġcolumn s", + "ĠL oc", + "av ailable", + "ĠF ram", + "ĠS essions", + "Ġcompan ion", + "Ġpack s", + "14 0", + "ĠKn ights", + "Ġf art", + "Ġstream s", + "Ġsh ore", + "Ġapp eals", + "ĠPer formance", + "h aul", + "ĠSt ra", + "ĠN ag", + "10 3", + "ĠTrans portation", + "B B", + "E v", + "z an", + "P ublic", + "Ġtw in", + "uls ion", + "M ult", + "Ġelect ro", + "Ġstat ue", + "ation ally", + "ĠN ort", + "Ġins pection", + "/ *", + "ig ue", + "Ġcomp assion", + "ĠT ales", + "ĠSte in", + "ĠSc reen", + "ĠB ug", + "ĠL ion", + "g irl", + "Ġwithdraw al", + "Ġobject ives", + "Ġblood y", + "Ġprelim inary", + "Ġj acket", + "Ġdim ensions", + "ĠC ool", + "ĠOcc up", + "Ġw reck", + "Ġdoub led", + "ank ing", + "Ġ19 75", + "Ġglass es", + "ĠW ang", + "pro v", + "P ath", + "connect ed", + "ĠMult i", + "ĠNor way", + "agon ist", + "Ġfe ared", + "Ġtouch ing", + "Ġarg uably", + "¯¯¯¯ ¯¯¯¯", + "ĠNC AA", + "che m", + "Ġsp at", + "ĠW WE", + "ĠC el", + "ig ger", + "Ġattack er", + "ĠJo in", + "ob ject", + "ett a", + "Ġelim inated", + "d et", + "Ġdest ruct", + "ĠLuc as", + "ct uary", + "18 0", + "ĠBr ady", + "ĠBl ues", + "B ay", + "au kee", + "Ġtim eline", + "Ġdeleg ates", + "w ritten", + "uff icient", + "Ġsh apes", + "Cop yright", + "ou ble", + "serv ice", + "Ġp ione", + "Ġcolleg es", + "Ġrow s", + "Ġsp ite", + "Ġassess ed", + "3 60", + "Ġle ase", + "Ġconfident ial", + "ck er", + "ĠMan ning", + "ĠV oice", + "Ġse aled", + "Ġcalcul ate", + "N O", + "ĠAss istant", + "Ġteen ager", + "ul ent", + "ather ine", + "Ġm ock", + "Ġd iamond", + "Ġf est", + "Ġsw itched", + "Ġres ume", + "ĠPu erto", + "Ġl anes", + "ir ation", + "ĠSimilar ly", + "Ġro d", + "ĠS el", + "ĠPal ace", + "ĠLim ited", + "e ous", + "Ġvar iant", + "Ġw ard", + "Ġ) )", + "Sh ow", + "OO K", + "A lex", + "ĠN ep", + "br is", + "ĠWik ipedia", + "Ġexcept ional", + "Ġman ages", + "ĠD raw", + "Ag ain", + "Ġco pper", + "ut t", + "Ġex ports", + "Ġport folio", + "Ġelev ated", + "R ated", + "ĠOther wise", + "ĠT act", + "ĠShe l", + "ĠT X", + "\" âĢĶ", + "Ġres ur", + "ĠW a", + "ven ant", + "Ġmon etary", + "pe ople", + "E mail", + "Ġfif ty", + "ĠS weet", + "ĠMalays ia", + "Ġconf using", + "ĠR io", + "ud a", + "uten ant", + "\" );", + "Ġpra ised", + "Ġvol umes", + "t urn", + "Ġm ature", + "Ġnon profit", + "Ġpassion ate", + "ĠPriv ate", + "Ġ10 3", + "Ġdesc end", + "ç ¥ŀ", + "uff y", + "head ed", + "Whe ther", + "ri en", + "ze ch", + "be it", + "Ġch rom", + "ĠMc M", + "Ġd ancing", + "Ġe leg", + "ĠNot iced", + "11 5", + "Ġadvoc acy", + "ENT S", + "amb ling", + "ĠMin or", + "ĠF inn", + "Ġprior ities", + "Ġthere of", + "ĠSt age", + "ĠRog ers", + "Ġsubst itute", + "ĠJ ar", + "ĠJeff erson", + "Ġlight ly", + "10 2", + "ĠL isa", + "u its", + "ys ical", + "Ġshif ts", + "Ġd rones", + "Ġwork place", + "Ġres id", + "ens ed", + "ah n", + "Ġpref erences", + "ser ver", + "Ġdeb ates", + "d oc", + "ĠGod s", + "Ġhelicop ter", + "Ġhon our", + "Ġconsider ably", + "ed ed", + "ĠF emale", + "ĠAn ne", + "Ġre un", + "ĠF ace", + "ĠHall ow", + "ĠBud get", + "Ġcondem n", + "Ġt ender", + "Pro f", + "ocr atic", + "ĠTurn er", + "ĠAg ric", + "Ġ19 76", + "Ġa pt", + "d isc", + "ĠF ighter", + "ĠA ur", + "Ġgar bage", + "in put", + "ĠK arl", + "ĠOl iver", + "ĠL anguage", + "k n", + "N on", + "ĠCl ar", + "Ġtrad itions", + "Ġad vertisement", + "ĠS or", + "Ġarch ive", + "Ġvill ages", + "7 50", + "Ġimplement ing", + "w aukee", + "Ġdiet ary", + "Ġswitch ing", + "Rep ublic", + "Ġvel ocity", + "Ġc it", + "ĠA wards", + "Ġfin ancing", + "Ġlast ed", + ") ]", + "Ġrem inder", + "P erson", + "Ġprec ision", + "Ġdesign ers", + "ĠF ried", + "ĠB order", + "Ġtr agic", + "Ġw ield", + "Ġiniti atives", + "ĠT ank", + "w er", + "Ġjo ins", + "R o", + "in ery", + "Ġar row", + "Ġgener ating", + "found er", + "Ġsear ches", + "Ġrandom ly", + "A ccess", + "Ġb atch", + "Ġp osed", + "l at", + "Ġpursu ing", + "as a", + "Ġtest ified", + "form ing", + "ĠSh ar", + "w iki", + "ĠE ither", + "S ometimes", + "Ġsen ators", + "ĠJohn ny", + "ĠTal iban", + "ĠG PS", + "\":\" /", + "ãģ® å", + "Ġanaly zed", + "ĠRub io", + "ĠMove ment", + "op ard", + "ii i", + "St and", + "f ight", + "Ġign oring", + "i ang", + "ĠG N", + "so ever", + "ĠST AT", + "Ġref using", + "Ġswe at", + "Ġb ay", + "P ORT", + "ir med", + "ak y", + "Ġdis pro", + "Ġlabel ed", + "Ġ10 8", + "H ello", + "Ġple asant", + "ab a", + "Ġtri umph", + "Ġab oard", + "Ġinc om", + "ĠC row", + "le tt", + "Ġfol k", + "Ġch ase", + "` `", + "ĠBr us", + "Ġte ens", + "c ue", + "Ġter rain", + "h yd", + "il ight", + "OR Y", + "Su pport", + "ew s", + "ll i", + "rain ts", + "ĠC and", + "Ġab used", + "ach ment", + "l arg", + "B as", + "ĠC ancer", + "Ġ19 78", + "Ġsupp orter", + "ac cess", + "ĠTer min", + "ĠT ampa", + "ĠAN Y", + "Ġnew est", + "ĠCrim inal", + "ed u", + "Ġ19 30", + "Ġadm its", + "Ġend e", + "Ġfail ures", + "ur ate", + "ful ness", + "cy cl", + "ĠSub ject", + "Ġinf inite", + "th ree", + "W A", + "p it", + "ĠInst all", + "R ad", + "ili ation", + "G M", + "Ġcontin ent", + "Ġaccommod ate", + "ĠCl ay", + "Ġp up", + "ĠF unction", + "Ġham mer", + "ĠAlbert a", + "Ġrev ised", + "Ġminor ities", + "Ġmeasure ment", + "Con nell", + "Ġdis able", + "ĠM ix", + "In cre", + "Ġfor k", + "ĠR osen", + "Ġimpl ies", + "umb lr", + "AN G", + "Ġprote ins", + "Ġagg ression", + "Ġfacilit ate", + "S N", + "Ġilleg ally", + "u er", + "Ġacad em", + "Ġp uzz", + "ĠSh ift", + "p ay", + "oll o", + "Ġaud iences", + "B uild", + "Ġno ble", + "Ġsynt ax", + "â ĺħ", + "Ġbe am", + "ĠB ed", + "ĠA ld", + "Ġorig ins", + "v ideo", + "Ġ19 77", + "ĠAss ault", + "Ġgar age", + "Te am", + "Ġver dict", + "Ġd war", + "ĠVirt ual", + "e vent", + "Ke ep", + "Ġsent iment", + "Ġwild life", + "sh irt", + "Ġb urg", + "Ġrecommend ation", + "rep resent", + "Ġgall ery", + "own ers", + "Ġsch olar", + "Ġconven ience", + "ĠSw ift", + "Ġconv inc", + "C ap", + "Ġwar fare", + "ĠVis ual", + "Ġconst itute", + "Ġab ort", + "ĠWe ather", + "ĠLook ing", + "ĠH em", + "Ġmart ial", + "Ġinc oming", + "et ition", + "Ġtoler ance", + "ĠCre ated", + "Ġfl ows", + "ĠE lder", + "Ġsoul s", + "Ġf oul", + "ĠP ain", + "ĠC AN", + "Ġ2 20", + "b c", + "he nd", + "Ġgen ius", + "R eal", + "ĠW r", + "omet er", + "p ad", + "Ġlim iting", + "ĠS i", + "ĠL ore", + "ĠAd ventures", + "Ġvar ied", + "D isc", + "f in", + "ĠPerson al", + "Ch ris", + "Ġinv ented", + "Ġd ive", + "ĠR ise", + "Ġo z", + "ĠCom ics", + "Ġexp ose", + "ĠRe b", + "let ters", + "s ite", + "im ated", + "Ġh acking", + "Ġeduc ated", + "ĠNob ody", + "Ġdep ri", + "Ġincent ive", + "ãĤ ·", + "Ġovers ight", + "Ġtrib es", + "ĠBelg ium", + "Ġlicens ing", + "our t", + "Produ ct", + "ah l", + "ĠG em", + "Ġspecial ist", + "Ġc ra", + "ann ers", + "ĠCor byn", + "Ġ19 73", + "RE AD", + "Ġsum mar", + "Ġover look", + "ĠApp lication", + "Ġin appropriate", + "Ġdownload ed", + "Q ue", + "ĠB ears", + "Ġth umb", + "ĠChar acter", + "ĠReincarn ated", + "ĠS id", + "Ġdemonstr ates", + "s ky", + "ĠBloom berg", + "ĠAr ray", + "ĠRes ults", + "ĠFour th", + "ĠED T", + "ĠO scar", + "c end", + "Ġ10 6", + "ĠN ULL", + "ĠH ERE", + "m atch", + "ĠBr un", + "Ġgluc ose", + "ie g", + "eg u", + "Ġcert ified", + "Ġrel ie", + "Ġhuman itarian", + "Ġpr ayers", + "K ing", + "Ġn an", + "h ou", + "10 8", + "ul u", + "Ġrenew able", + "Ġdistingu ish", + "Ġd ense", + "ĠV ent", + "ĠPack age", + "ĠB oss", + "Ġedit ors", + "Ġm igr", + "T ra", + "ĠPet ers", + "ĠAr ctic", + "200 4", + "ĠC ape", + "Ġloc ally", + "Ġlast ing", + "Ġhand y", + ". ).", + "P an", + "ĠR ES", + "Ind ex", + "Ġt ensions", + "Ġformer ly", + "Ġide ological", + "Ġsens ors", + "Ġdeal ers", + "Ġdef ines", + "S k", + "Ġproceed s", + "Ġpro xy", + "az ines", + "ĠB ash", + "ĠP ad", + "ĠC raft", + "eal ous", + "Ġshe ets", + "omet ry", + "J une", + "cl ock", + "T T", + "ĠThe atre", + "ĠB uzz", + "Ġch apters", + "Ġmill enn", + "Ġd ough", + "ĠCongress ional", + "Ġimag ined", + "av ior", + "Ġclin ic", + "Ġ19 45", + "Ġhold er", + "ro ot", + "oles ter", + "Ġrest art", + "B N", + "ĠHam as", + "ĠJ ob", + "Ġor b", + "Ġr am", + "Ġdiscl ose", + "Ġtransl ate", + "Ġimm igrant", + "Ġannoy ing", + "Ġtreat y", + "an ium", + "ĠTe a", + "ĠLeg ion", + "Ġcrowd s", + "ĠB ec", + "ĠA er", + "oh yd", + "B ro", + "Look ing", + "Ġl bs", + "Ġagg ress", + "Ġse am", + "Ġinter cept", + "ĠM I", + "mer cial", + "act iv", + "ĠC it", + "Ġdim ension", + "Ġconsist ency", + "Ġr ushing", + "ĠDou glas", + "Ġtr im", + "Inst all", + "ick er", + "Ġsh y", + "10 6", + "Ġment ions", + "pe lled", + "ĠT ak", + "c ost", + "Ġclass room", + "Ġfort une", + "dri ven", + "Ġun le", + "ĠWhe el", + "Ġinvest or", + "ĠM asters", + "k it", + "Ġassoci ations", + "ĠEv olution", + "op ing", + "us cript", + "Ġprov incial", + "ĠWal ter", + "av i", + "S O", + "Ġun limited", + "Eng lish", + "ĠC ards", + "ĠEb ola", + "ne red", + "Ġreven ge", + "Ġout right", + "um per", + "Ġf itting", + "ĠSol id", + "Ġform ally", + "Ġproblem atic", + "Ġhaz ard", + "Ġenc ryption", + "Ġstraight forward", + "ĠA K", + "Ġp se", + "ĠOr b", + "ĠCh amber", + "ĠM ak", + "Cont ents", + "Ġloyal ty", + "Ġl yrics", + "ĠSy m", + "Ġwel comed", + "Ġcook ed", + "Ġmon op", + "Ġn urse", + "Ġmis leading", + "Ġe ternal", + "Ġshif ting", + "Ġ+ =", + "V is", + "Ġinst itutional", + "ill ary", + "Ġp ant", + "VER T", + "ĠA CC", + "ĠEn h", + "Ġinc on", + "ĠRE UTERS", + "Ġdon ated", + "â̦â̦ â̦â̦", + "In tern", + "Ġexhib it", + "Ġt ire", + "ĠR ic", + "ĠCh ampion", + "ĠMu hammad", + "N ING", + "ĠSoc cer", + "Ġmob ility", + "Ġvary ing", + "ĠM ovie", + "Ġl ord", + "o ak", + "F ield", + "Ġve ctor", + "us ions", + "Ġsc rap", + "Ġen abling", + "m ake", + "T or", + ". *", + "| |", + "ĠWe bsite", + "ĠN PC", + "Ġsocial ist", + "ĠBill y", + "ĠAdd itional", + "Ġc argo", + "Ġfar ms", + "ĠSo on", + "ĠPri ze", + "Ġmid night", + "Ġ9 00", + "se en", + "ĠSp ot", + "Ġshe ep", + "Ġspons ored", + "ĠH i", + "ĠJ ump", + "Ġ19 67", + "Micro soft", + "ĠAg ent", + "Ġch arts", + "d ir", + "Ġadj acent", + "Ġtr icks", + "Ġman ga", + "Ġex agger", + "/ >", + "foot ball", + "ĠF CC", + "G C", + "ĠT ier", + "and ra", + "OU ND", + "% ),", + "Ġfru its", + "V C", + "ĠA A", + "R ober", + "Ġmid st", + "â Ĺ", + "ank a", + "Ġlegisl ature", + "ĠNe il", + "Ġtour ists", + "\" \"", + "ĠWar ning", + "ĠNever theless", + "ĠOffic ial", + "ĠWh atever", + "Ġm old", + "Ġdraft ed", + "Ġsubst ances", + "Ġbre ed", + "Ġt ags", + "ĠT ask", + "Ġver b", + "Ġmanufact ured", + "com ments", + "ĠPol ish", + "Pro v", + "Ġdetermin es", + "Ob ama", + "k ers", + "Ġutter ly", + "Ġse ct", + "sc he", + "ĠG ates", + "ĠCh ap", + "Ġal uminum", + "Ġz ombie", + "ĠT ouch", + "ĠU P", + "Ġsatisf y", + "Ġpred omin", + "asc ript", + "Ġelabor ate", + "Ġ19 68", + "Ġmeas uring", + "ĠV ari", + "any ahu", + "Ġs ir", + "ul ates", + "id ges", + "ick ets", + "ĠSp encer", + "T M", + "oub ted", + "Ġpre y", + "Ġinstall ing", + "ĠC ab", + "re ed", + "re ated", + "Su pp", + "Ġwr ist", + "ĠK erry", + "10 7", + "ĠK le", + "ĠR achel", + "Ġc otton", + "ĠA RE", + "ĠE le", + "Cont rol", + "Ġload s", + "ĠD od", + "an as", + "b one", + "Ġclass ical", + "ĠReg ional", + "ĠInt eg", + "V M", + "Ġdes ires", + "Ġaut ism", + "support ed", + "ĠM essage", + "Ġcomp act", + "writ er", + "Ġ10 9", + "ĠHur ricane", + "c ision", + "Ġcy cles", + "Ġdr ill", + "Ġcolle ague", + "Ġm aker", + "G erman", + "Ġmist aken", + "S un", + "ĠG ay", + "Ġwhat soever", + "Ġsell s", + "ĠA irl", + "l iv", + "ĠO ption", + "Ġsol ved", + "Ġse ctors", + "Ġhorizont al", + "Ġequ ation", + "ĠSk ill", + "ĠB io", + "g ement", + "ĠSn ap", + "ĠLeg al", + "Ġtradem ark", + "Ġmake up", + "Ġassemb led", + "Ġsa ves", + "ĠHallow een", + "ĠVer mont", + "ĠFR OM", + "Ġfar ming", + "ĠP odcast", + "accept able", + "ĠHig her", + "Ġas leep", + "ull ivan", + "Ġrefere n", + "ĠLe v", + "Ġbul lets", + "ok o", + "H C", + "Ġst airs", + "Ġmain tains", + "ĠL ower", + "ĠV i", + "Ġmar ine", + "Ġac res", + "Ġcoordin ator", + "ĠJ oh", + "Ġcounterpart s", + "ĠBrother s", + "Ġind ict", + "b ra", + "Ġch unk", + "Ġc ents", + "H ome", + "ĠMon th", + "Ġaccording ly", + "if les", + "ĠGerm ans", + "ĠSy n", + "H ub", + "Ġey eb", + "âĶĢâĶĢ âĶĢâĶĢ", + "Ġr anges", + "ĠHoll and", + "ĠRob ot", + "f c", + "M ike", + "Ġpl asma", + "Ġsw ap", + "Ġath lete", + "ĠR ams", + ",' \"", + "Ġinfect ions", + "Ġcor rid", + "Ġv ib", + "Ġpat ches", + "Ġtradition ally", + "Ġrevel ation", + "Ġswe ep", + "Ġgl ance", + "Ġin ex", + "200 3", + "ĠR aw", + "work ing", + "os ures", + "ĠD at", + "ĠLyn ch", + "Ġle verage", + "ĠRe id", + "Ġcorrel ation", + "ian ces", + "av ascript", + "Ġrep ository", + "ret ty", + "Ġ19 72", + "24 0", + "Ġo un", + "p ol", + "ĠRe ed", + "Ġtact ical", + "is ite", + "App le", + "ĠQu inn", + "Ġrap ed", + "ill o", + "Euro pe", + "Ġalgorith ms", + "ĠRod rig", + "i u", + "Ġill um", + "Ġf ame", + "Ġintrodu cing", + "Ġdel ays", + "ĠRaid ers", + "Ġwh istle", + "Ġnovel s", + "ĠRe ally", + "Ġder iv", + "Ġpublic ations", + "ĠNe ither", + "ĠCom merce", + "Ġa ston", + "l anguage", + "Not es", + "ĠR oth", + "ĠF ear", + "Ġm ate", + "Ġpar ade", + "ĠQ B", + "Ġman eu", + "ĠC incinnati", + "m itting", + "Ġwa ist", + "ĠR ew", + "Ġdisc ont", + "Ð °", + "Ġst aring", + "Ġal ias", + "Ġsec urities", + "Ġtoile t", + "ĠJ edi", + "Ġun law", + "v ised", + "//// ////", + "] (", + "ĠWe iss", + "Ġpre st", + "ĠComp an", + "Ġmem o", + "ĠGr ace", + "J uly", + "ĠEl ite", + "cent er", + "ĠSt ay", + "Ġgal axy", + "Ġto oth", + "ĠS ettings", + "Ġsubject ed", + "ãĤ ¦", + "Ġline back", + "Ġretail ers", + "ĠW ant", + "Ġd angers", + "A ir", + "Ġvolunt ary", + "ew ay", + "Ġinterpret ed", + "ot ine", + "à §", + "Ġp el", + "Serv ice", + "ĠEvent ually", + "Ġcare ers", + "Ġthreat en", + "Ġmem or", + "ĠBrad ley", + "anc ies", + "s n", + "ĠUn known", + "N ational", + "Ġsh adows", + "ail and", + "ĠD ash", + "Every one", + "izz ard", + "M arch", + "= (", + "Ġpull s", + "Ġstr anger", + "Ġback wards", + "ĠBern ard", + "imens ional", + "Ġch ron", + "Ġtheoret ical", + "k top", + "Ġw are", + "ĠInvest ig", + "ĠIn iti", + "ĠOper ations", + "o ven", + "oc ide", + "* /", + "Ġfl ames", + "ĠC ash", + "sh it", + "Ġc ab", + "ĠAn aly", + "ĠSe ah", + "Ġdefin ing", + "Ġorder ing", + "Ġimm un", + "Ġpers istent", + "AC H", + "Russ ian", + "m ans", + "Ġh ind", + "Ġphot ography", + " ©", + "Ġh ug", + "Ġ10 7", + "ĠH ence", + "i ots", + "ude au", + "Ġsubsid ies", + "Ġroutine ly", + "ĠDev ice", + "it ic", + "Ġdisg ust", + "land er", + "Ġ19 40", + "Ġassign ment", + "ĠB esides", + "w ick", + "ĠD ust", + "us c", + "struct ed", + "11 1", + "de velop", + "Ġf ond", + "Ġinter section", + "Ġdign ity", + "Ġcommission er", + "With out", + "re ach", + "Ġcart oon", + "Ġsc ales", + "ãĥ Ń", + "F IG", + "Ġsurve ys", + "ĠIndones ia", + "Ġart work", + "Ġun ch", + "Ġcy cling", + "un ct", + "au er", + "or ate", + "ĠOb viously", + "Ġcharacter ized", + "fe ld", + "Ġaff irm", + "Ġinn ings", + "Ġ é", + "Ġal iens", + "Ġcl oth", + "et ooth", + "ĠC ertain", + " §", + "Ġdig est", + "k now", + "ĠX L", + "Ġpredict ions", + "Ġd in", + "W AR", + "Ġafter math", + "Ex ample", + "ĠSu ccess", + "ĠTh r", + "IG N", + "Ġmin er", + "B us", + "Ġcl arity", + "heim er", + "ĠO UT", + "ĠS end", + "ĠCirc le", + "ĠD iet", + "Ġpron ounced", + "Ġcreat ors", + "Ġearthqu ake", + "atter y", + "ge ons", + "Ġo d", + "Ġlay ing", + "or p", + "U lt", + "pro ject", + "Ġunder min", + "Ġsequ el", + "S am", + "ĠDark ness", + "Ġre ception", + "b ull", + "Y S", + "ĠV ir", + "Ġsequ ences", + "ĠCo in", + "Ġout fit", + "ĠW ait", + "1 19", + "Ġdel ivers", + ".... ..", + "Ġbl own", + "ĠE sc", + "ĠM ath", + "per m", + "ĠU l", + "Ġgl im", + "Ġfac ial", + "Ġgreen house", + "Ġto kens", + "/ -", + "ĠAnn ual", + "ĠON E", + "Ġteen age", + "ĠPhys ical", + "ĠL ang", + "ĠC elt", + "Ġsu ed", + "ivid ually", + "Ġpat ience", + "ch air", + "reg ular", + "Ġa ug", + "in v", + "ex cept", + "ĠL il", + "Ġn est", + "f d", + "s um", + "ĠCh ase", + "Russ ia", + "ĠJenn ifer", + "Ġoff season", + "Over all", + "F ore", + "Ġr iot", + "A ud", + "form er", + "Ġdefend ers", + "ĠC T", + "iot ic", + "rib ly", + "Ġautom ated", + "Ġpen is", + "Ġins ist", + "Ġdi agram", + "ĠS QL", + "ĠG arc", + "Ġw itch", + "cl ient", + "ier ra", + "am bers", + "Ġrec ount", + "f ar", + "V ery", + "oster one", + "Ġappreci ated", + "ĠPer fect", + "S ection", + "Ġd oses", + "oca ust", + "Ġcost ly", + "Ġg rams", + "ĠSh i", + "Ġwrest ling", + "Ġ19 71", + "Ġtro phy", + "Ġn erve", + "ĠK az", + "ĠExper ience", + "Ġpled ged", + "Ġplay back", + "Ġcreat ivity", + "by e", + "Ġattack ers", + "Ġhold ers", + "ĠCo ach", + "ĠPh D", + "Ġtransf ers", + "Ġcol ored", + "ĠH indu", + "Ġd rown", + "Ġlist ened", + "ĠW A", + "ias m", + "P O", + "Ġappeal ing", + "Ġdiscl osed", + "ĠCh icken", + "ag ging", + "Ġple aded", + "Ġnav igation", + "ĠReturn s", + "Ġ[ [", + "R OR", + "E A", + "Ġphotograp her", + "ĠR ider", + "ipp ers", + "Ġsl ice", + "Ġe rect", + "Ġhe d", + "iss ance", + "ĠVik ings", + "ur ious", + "Ġapp et", + "oubted ly", + "Ch ild", + "Ġauthent ic", + "o os", + "ĠM aking", + "Ġannoun cing", + "Ġb od", + "Ġmet er", + "ĠN ine", + "ĠR ogue", + "Ġwork force", + "Ġrenew ed", + "Ġorganis ations", + "ac s", + "P LE", + "Sh ort", + "Ġcomp ounds", + "ĠVis it", + "Ġen velop", + "ear th", + "Ġsupport ive", + "gg le", + "ĠBrus sels", + "ĠGu ild", + "Cre ate", + "RE L", + "Ġaver aged", + "Ġ19 69", + "ri ages", + "Ġlength y", + "Ġforg ot", + "O kay", + "ĠE rd", + "Ġdeal er", + "Ġrec ession", + "D D", + "Ġdesper ately", + "Ġhun ger", + "Ġst icks", + "Ġm ph", + "ĠF aith", + "Ġintention ally", + "Ġdem ol", + "ue ller", + "ĠS ale", + "Ġde bris", + "s pring", + "Ġle ap", + ">> >>", + "Ġcontain ers", + "se lling", + "rane an", + "atter ing", + "Ġcomment ed", + "ĠC M", + "on ut", + "Ġwood s", + "es pecially", + "Ġorgan ize", + "iv ic", + "ĠWood s", + "ang a", + "s qu", + "Ġm aj", + "am on", + "Ġax is", + "Ġ19 74", + "ĠDen mark", + "Ġwar rior", + "ĠP and", + "Ġout lined", + "ĠB O", + "ins ula", + "z illa", + "eb ook", + "Ġd are", + "Ġsear ched", + "Ġnav igate", + "S n", + "writ ing", + "Ġun ited", + "J apan", + "ĠHe brew", + "Ġfl ame", + "Ġrel ies", + "Ġcatch ing", + "ĠSh o", + "Ġimprison ment", + "Ġp ockets", + "Ġclos ure", + "ĠF am", + "t im", + "ade qu", + "Act ivity", + "Ġrecru iting", + "ĠW ATCH", + "ĠArgent ina", + "d est", + "Ġapolog ize", + "or o", + "Ġlack s", + "Ġtun ed", + "ĠGriff in", + "Ġinf amous", + "Ġcelebr ity", + "ss on", + "Ġ ----------------------------------------------------------------", + "ĠIs is", + "ĠDis play", + "Ġcred ibility", + "Ġeconom ies", + "Ġhead line", + "ĠCow boys", + "Ġind ef", + "Ġl ately", + "Ġincent ives", + "but ton", + "ĠM ob", + "A ut", + "Ġres igned", + "ĠO m", + "c amp", + "Ġprof iles", + "Ġsche mes", + "olph ins", + "ay ed", + "Cl inton", + "en h", + "ĠY ahoo", + "Ġab st", + "Ġan k", + "su its", + "Ġw ished", + "ĠMar co", + "udd en", + "Ġsp here", + "ĠB ishop", + "Ġincorpor ated", + "ĠPl ant", + "11 4", + "Ġh ated", + "p ic", + "Ġdon ate", + "Ġl ined", + "Ġbe ans", + "Ġsteal ing", + "Ġcost ume", + "Ġsher iff", + "Ġfor ty", + "Ġint act", + "Ġadapt ed", + "Ġtrave lling", + "b art", + "Ġnice ly", + "Ġdri ed", + "Ġsc al", + "os ity", + "NOT E", + "ĠB h", + "ĠBron cos", + "ĠI gn", + "Ġint imate", + "Ġchem istry", + "Ġopt imal", + "D eb", + "ĠGener ation", + "Ġ] ,", + "ich i", + "ĠW ii", + "ĠYOU R", + "vent ions", + "W rite", + "Ġpop ul", + "un ning", + "ĠW or", + "V ol", + "Ġqu een", + "head s", + "K K", + "Ġanaly ze", + "op ic", + "ear chers", + "Ġd ot", + "leg raph", + "ast ically", + "Ġupgr ades", + "Ġca res", + "Ġext ending", + "Ġfree ze", + "Ġin ability", + "Ġorg ans", + "Ġpret end", + "Ġout let", + "11 3", + "ol an", + "ĠM all", + "ul ing", + "t alk", + "Ġexpress ing", + "ĠAl ways", + "ĠBe gin", + "f iles", + "Ġlic enses", + "% %", + "ĠM itt", + "Ġfil ters", + "ĠMil waukee", + "G N", + "Ġunf old", + "M o", + "Ġnut rition", + "pp o", + "B o", + "Ġfound ing", + "Ġunder mine", + "Ġeas iest", + "ĠC zech", + "ĠM ack", + "Ġsexual ity", + "ĠN ixon", + "W in", + "ĠAr n", + "ĠK in", + "ãĤ £", + "ic er", + "Ġfort un", + "Ġsurf aces", + "agh d", + "Ġcar riers", + "ĠP ART", + "ĠT ib", + "Ġinter val", + "Ġfrust rating", + "ĠSh ip", + "ĠAr med", + "ff e", + "Ġbo ats", + "ĠAb raham", + "in is", + "Ġsu ited", + "th read", + "i ov", + "ab ul", + "ĠVenezuel a", + "Ġto m", + "su per", + "Ġcast le", + "alth ough", + "iox ide", + "ec hes", + "Ġevolution ary", + "Ġnegoti ate", + "Ġconfront ed", + "Rem ember", + "Ġ17 0", + "S uch", + "Ġ9 11", + "m ult", + "ĠA byss", + "ur ry", + "ke es", + "spe c", + "ĠBarb ara", + "Ġbelong ing", + "Ġvill ain", + "ist ani", + "Ġaccount able", + "Ġport ions", + "ĠDe cl", + "U r", + "ĠK ate", + "g re", + "Ġmag azines", + "UC K", + "Ġregul ate", + "om on", + "ĠAl most", + "Ġover view", + "Ġsc ram", + "Ġl oot", + "ĠF itz", + "Ġcharacter istic", + "ĠSn ake", + "s ay", + "ĠR ico", + "Ġtra it", + "ĠJo ined", + "au cus", + "Ġadapt ation", + "ĠAirl ines", + "Ġarch ae", + "ĠI de", + "Ġb ikes", + "Ġliter ary", + "Ġinflu ences", + "ĠUs ed", + "C reat", + "Ġple a", + "ĠDef ence", + "ĠAss ass", + "Ġp ond", + "UL T", + ") \"", + "Ġeval uated", + "Ġob taining", + "Ġdem ographic", + "Ġvig il", + "ale y", + "Ġsp ouse", + "ĠSeah awks", + "resp ons", + "ĠB elt", + "um atic", + "Ġr ises", + "run ner", + "ĠMichel le", + "Ġpot ent", + "r ace", + "ĠP AC", + "F ind", + "olester ol", + "IS S", + "ĠIntrodu ced", + "ress es", + "ign ment", + "O s", + "ĠT u", + "ĠDe x", + "ic ides", + "Ġspark ed", + "ĠLaur a", + "ĠBry ant", + "Ġsm iling", + "ĠNex us", + "Ġdefend ants", + "ĠCat al", + "Ġdis hes", + "sh aped", + "Ġpro long", + "m t", + "( $", + "ãĢ Ĥ", + "Ġcalcul ations", + "ĠS ame", + "Ġp iv", + "H H", + "Ġcance lled", + "Ġgr in", + "Ġterrit ories", + "ist ically", + "C ome", + "ĠP arent", + "Pro ject", + "Ġneg lig", + "ĠPriv acy", + "Ġam mo", + "LE CT", + "olute ly", + "ĠEp ic", + "Ġmis under", + "w al", + "Apr il", + "m os", + "path y", + "ĠC arson", + "Ġalbum s", + "ĠE asy", + "Ġpist ol", + "< <", + "Ġ\\ (", + "t arget", + "hel p", + "Ġinter pre", + "cons cious", + "ĠH ousing", + "ĠJ oint", + "12 7", + "Ġbe ers", + "s cience", + "ĠFire fox", + "effect ive", + "ĠC abin", + "ĠO kay", + "ĠApp lic", + "Ġspace craft", + "ĠS R", + "ve t", + "ĠStr ange", + "S B", + "Ġcor ps", + "iber al", + "e fficient", + "Ġpreval ence", + "Ġeconom ists", + "11 8", + "Th read", + "ord able", + "OD E", + "ĠC ant", + "=- =-", + "if iable", + "ĠA round", + "Ġpo le", + "Ġwilling ness", + "CL A", + "ĠK id", + "Ġcomple ment", + "Ġsc attered", + "Ġin mates", + "Ġble eding", + "e very", + "Ġque ue", + "ĠTr ain", + "Ġh ij", + "Ġme lee", + "ple ted", + "Ġdig it", + "Ġg em", + "offic ial", + "Ġlif ting", + "Ð µ", + "Re qu", + "it utes", + "Ġpack aging", + "ĠWork ers", + "h ran", + "ĠLeban on", + "ol esc", + "Ġpun ished", + "ĠJ uan", + "Ġj am", + "ĠD ocument", + "Ġm apping", + "ic ates", + "Ġinev itably", + "Ġvan illa", + "ĠT on", + "Ġwat ches", + "Ġle agues", + "Ġiniti ated", + "deg ree", + "port ion", + "Ġrec alls", + "Ġru in", + "Ġm elt", + "I AN", + "Ġhe m", + "Ex p", + "Ġb aking", + "ĠCol omb", + "at ible", + "Ġrad ius", + "pl ug", + "ĠI F", + "et ically", + "Ġf ict", + "H ER", + "ĠT ap", + "atin um", + "Ġin k", + "Ġco h", + "ĠW izard", + "b oth", + "te x", + "Ġsp ends", + "ĠCurrent ly", + "ĠP it", + "Ġneur ons", + "ig nt", + "Ġr all", + "Ġbus es", + "b uilding", + "Ġadjust ments", + "Ġc ried", + "ibl ical", + "att ed", + "ĠZ ion", + "ĠM atter", + "Ġmed itation", + "ĠD ennis", + "Ġour s", + "ĠT ab", + "Ġrank ings", + "ort al", + "Ġad vers", + "Ġsur render", + "ĠG ob", + "ci um", + "om as", + "im eter", + "Ġmulti player", + "Ġhero in", + "Ġoptim istic", + "Ġindic ator", + "ĠBr ig", + "Ġgro cery", + "Ġapplic ant", + "ĠRock et", + "v id", + "Ex ception", + "p ent", + "Ġorgan izing", + "Ġenc ounters", + "ĠT OD", + "Ġjew el", + "S ave", + "ĠChrist ie", + "Ġhe ating", + "Ġl azy", + "ĠC P", + "Ġcous in", + "Con fig", + "Ġreg ener", + "Ġne arest", + "Ġachie ving", + "EN S", + "th row", + "ĠRich mond", + "ant le", + "200 2", + "Ġan ten", + "b ird", + "13 3", + "Ġn arc", + "r aint", + "un ny", + "ĠHispan ic", + "ourn aments", + "Ġprop he", + "ĠTh ailand", + "ĠT i", + "Ġinject ion", + "Ġinher it", + "rav is", + "Ġmed i", + "Ġwho ever", + "ĠDE BUG", + "G P", + "ĠH ud", + "C ard", + "p rom", + "Ġp or", + "Ġover head", + "L aw", + "Ġviol ate", + "Ġhe ated", + "Ġdescript ions", + "Ġachieve ments", + "ĠBe er", + "ĠQu ant", + "W as", + "Ġe ighth", + "ĠI v", + "Ġspecial ized", + "U PDATE", + "ĠD elta", + "P op", + "J ul", + "ĠAs k", + "oph y", + "Ġnews letters", + "ĠT ool", + "Ġg ard", + "ĠConf eder", + "ĠGM T", + "ĠAb bott", + "Ġimm unity", + "ĠV M", + "Is lam", + "Ġimpl icit", + "w d", + "Ġ19 44", + "rav ity", + "omet ric", + "Ġsurv iving", + "ur ai", + "ĠPr ison", + "Ġr ust", + "ĠSk etch", + "Ġbe es", + "ĠThe ory", + "Ġmer it", + "T ex", + "ch at", + "Ġm im", + "Ġpast e", + "ĠK och", + "Ġignor ance", + "ĠSh oot", + "Ġbas ement", + "Un ited", + "ĠAd vis", + "he ight", + "Ġf oster", + "Ġdet ain", + "in formation", + "Ġne ural", + "' ;", + "Ġprov es", + "all ery", + "Ġinv itation", + "um bers", + "Ġc attle", + "Ġbicy cle", + "z i", + "Ġconsult ant", + "Ġap ology", + "ĠT iger", + "Ġ12 3", + "99 9", + "Ġind ividually", + "r t", + "ig ion", + "ĠBrazil ian", + "Ġdist urb", + "Ġentreprene urs", + "Ġfore sts", + "cer pt", + "pl ates", + "p her", + "clip se", + "Ġtw itter", + "Ġac ids", + "ograph ical", + "h um", + "ĠB ald", + "if ully", + "Ġcomp iler", + "ĠD A", + "Ġdon or", + "as i", + "Ġtrib al", + "l ash", + "ĠCon fig", + "Ġapplic ants", + "Ġsal aries", + "13 5", + "Put in", + "ĠF ocus", + "ir s", + "Ġmisc onduct", + "ĠH az", + "Ġeat en", + "M obile", + "Mus lim", + "ĠMar cus", + "v iol", + "Ġfavor able", + "Ġst ub", + "ad in", + "ĠH ob", + "Ġfaith ful", + "Ġelectron ics", + "Ġvac uum", + "w ait", + "back ed", + "econom ic", + "d ist", + "Ġten ure", + "Ġsince re", + "ĠT ogether", + "ĠW ave", + "Ġprog ression", + "Ġden ying", + "Ġdist ress", + "br aska", + "th ird", + "Ġmix ing", + "Ġcolon ial", + "Ġpriv ately", + "Ġun rest", + "atern ity", + "Ġprem ises", + "ant i", + "greg ation", + "Ġlic ence", + "ĠH ind", + "ĠSam uel", + "Ġconvinc ing", + "ĠA ce", + "ĠR ust", + "ĠNet anyahu", + "Ġhand les", + "ĠP atch", + "orient ed", + "ah o", + "ĠG onz", + "Ġhack ers", + "claim er", + "Ġcustom s", + "ĠGr an", + "f ighters", + "Ġl uc", + "Ġman uscript", + "aren thood", + "Ġdev il", + "Ġwar riors", + "Ġoff enders", + "Will iam", + "Ġhol idays", + "Ġnight mare", + "Ġle ver", + "iff erent", + "St at", + "Ġexhib ition", + "put ed", + "ĠP ure", + "Ġal pha", + "Ġenthus iasm", + "ĠRepresent atives", + "E AR", + "ĠT yp", + "Ġwhe at", + "ĠAl f", + "Ġcor rection", + "Ġev angel", + "AT T", + "M iss", + "Ġs oup", + "Ġimpl ied", + "par am", + "Ġsex y", + "ĠL ux", + "Ġrep ublic", + "p atch", + "ab lish", + "Ġic ons", + "Ġfather s", + "ĠG ET", + "ĠCar ib", + "Ġregul ated", + "ĠCo hen", + "ĠBob by", + "Ġn er", + "Ġb ent", + "vent ory", + "ĠAl ong", + "ĠE ST", + "ĠWall ace", + "Ġmurd ers", + "r ise", + "ke ll", + "ĠCommon wealth", + "Ġn asty", + "et a", + "ĠM IT", + "Ġadminist ered", + "Ġgenuine ly", + "Ed itor", + "n ick", + "Ġhyd ro", + "**************** ****************", + "ĠB le", + "Ġfin es", + "Ġg orge", + "aus ible", + "r h", + "Ġapp le", + "ment ioned", + "Ġro pe", + "ot yp", + "H R", + "Ġdisappoint ing", + "Ġc age", + "n ik", + "Ġdoub ts", + "ĠF REE", + "print s", + "ĠM UST", + "Ġvend ors", + "ĠIn qu", + "Ġliber als", + "Ġcontract or", + "Ġup side", + "child ren", + "Ġtrick y", + "Ġregul ators", + "charg ed", + "l iter", + "Ġ ***", + "Ġreb ell", + "l ang", + "Ġloc als", + "Ġphys icians", + "Ġhe y", + "ar se", + "t m", + "ĠLe x", + "Ġbehavior al", + "success ful", + "F X", + "Ġbr ick", + "ov ic", + "Ġcon form", + "Ġreview ing", + "Ġins ights", + "Ġbi ology", + "ĠRem ove", + "ĠExt ra", + "Ġcomm itting", + "indu ced", + "ignt y", + "ig m", + "Ġat omic", + "Comm on", + "ĠE M", + "ĠP ere", + "ĠIt ems", + "e h", + "Ġpres erved", + "ĠH ood", + "Ġprison er", + "Ġbankrupt cy", + "Ġg ren", + "us hes", + "Ġexplo itation", + "Ġsign atures", + "Ġfin an", + "] ,\"", + "ĠM R", + "Ġme g", + "rem lin", + "Ġmusic ians", + "Ġselect ing", + "Ġexam ining", + "IN K", + "l ated", + "H i", + "Ġart ic", + "Ġp ets", + "Ġimp air", + "ĠM AN", + "Ġtable ts", + "in clude", + "R ange", + "Ġca ut", + "Ġlog s", + "Ġmount ing", + "Ġun aware", + "Ġdynam ics", + "ĠPalest ine", + "ĠQu arter", + "ĠPur ple", + "Ġm a", + "ĠIm port", + "Ġcollect ions", + "ci ation", + "Ġsuccess or", + "Ġcl one", + "Ġaim ing", + "Ġposs essed", + "Ġstick ing", + "Ġsh aking", + "Ġloc ate", + "ĠH ockey", + "T urn", + "17 0", + "Ġfif teen", + "ĠHar rison", + "Ġcontinu ously", + "ĠT C", + "ĠVal ent", + "ĠRes cue", + "Ġby pass", + "am ount", + "Ġm ast", + "Ġprotect s", + "Ġart istic", + "Ġsomet ime", + "Ġsh oe", + "Ġshout ed", + "ific ant", + "et itive", + "ĠReg ister", + "ĠJ in", + "Ġconcent rated", + "ling ton", + "on ies", + "Ġgener ator", + "yr im", + "ĠAr men", + "Ġclear ing", + "id o", + "ĠT W", + "al ph", + "Ġlad ies", + "H ard", + "Ġdial og", + "Ġinput s", + "æ ľ", + "Ġpos es", + "Ġsl ots", + "ĠPrem ium", + "Ġle aks", + "Ġboss es", + "Ġ11 3", + "c ourse", + "A cc", + "ĠNew ton", + "ĠAust ria", + "ĠM age", + "Ġte aches", + "ab ad", + "Ġwe ars", + "Ġc yl", + "Ġcur se", + "ĠS ales", + "ĠW ings", + "Ġp sy", + "Ġg aps", + "ĠIce land", + "ĠP interest", + "Ġland lord", + "Ġdefin itions", + "ĠK er", + "Ġsufficient ly", + "ĠP ence", + "ĠArch itect", + "Ġsur pass", + "Ġ11 4", + "Ġsuper hero", + "ĠDise ase", + "Ġpri ests", + "ĠC ulture", + "Ġdefin itive", + "Ġsecret ly", + "ĠD ance", + "inst all", + "ch ief", + "ĠJess ica", + "W ould", + "Up dated", + "Ġlock er", + "ĠK ay", + "Ġmem orial", + "è ¦", + "f at", + "Ġdis gu", + "Ġflav ors", + "ĠBase ball", + "ĠRes istance", + "Ġk icks", + "Ġen v", + "Ġteen agers", + "D ark", + "ĠC AR", + "Ġh alt", + "ĠL G", + "ĠGab riel", + "Ġfe ver", + "Ġs atur", + "Ġm all", + "Ġaffili ate", + "ĠS leep", + "ĠSpe cific", + "ĠV el", + "Ġj ar", + "ĠSac red", + "ĠEd wards", + "ĠA CL", + "Ġret ained", + "ĠG iant", + "Ġlim itation", + "in ces", + "Ġref usal", + "ĠT ale", + "ĠBut ler", + "Ġacc idents", + "ĠC SS", + "Ġimport ed", + "ĠCop y", + "Î ±", + "ER T", + "z el", + "Ġdiv isions", + "h ots", + "ĠAl b", + "ĠD S", + "Load er", + "W ashington", + "at isf", + "ĠCreat ive", + "\\ .", + "ĠAut om", + "red ict", + "Ġrecept or", + "ĠCarl os", + "Met hod", + "ok a", + "Ġmal icious", + "Ġste pping", + ", [", + "ĠD ad", + "Ġatt raction", + "ĠEffect s", + "ĠPir ate", + "ĠC er", + "ĠIndust ry", + "ĠR ud", + "Ġchar ter", + "Ġd ining", + "Ġins ists", + "Ġconfig ure", + "Ġ( #", + "ĠSim ple", + "ĠSc roll", + "UT C", + "17 5", + "ĠK on", + "Ġmarket place", + "Ġ ãĤ", + "Ġref res", + "Ġg ates", + "er red", + "ĠP od", + "Ġbeh ave", + "Fr ank", + "n ode", + "Ġendors ed", + "he tt", + "as ive", + "ĠHom eland", + "Ġr ides", + "ĠLe ave", + "er ness", + "Ġflood ing", + "A FP", + "Ġris en", + "Ġcontin ually", + "Ġun anim", + "ĠCont ract", + "ĠP as", + "Ġgu ided", + "ĠCh ile", + "b d", + "Ġsu cc", + "pt ic", + "Ġcomm ittees", + "ĠL uther", + "ĠAny one", + "Ġs ab", + "12 4", + "Ġp ixel", + "ĠB ak", + "ĠT ag", + "ĠBenn ett", + "En ter", + "sm all", + "ĠPresident ial", + "Ġp ul", + "Ġcontr ace", + "arch ive", + "Ġcoast al", + "ĠK ids", + "19 2", + "âĢ ²", + "ick y", + "ING TON", + "Ġw olf", + "ĠSt alin", + "T ur", + "id get", + "am as", + "ĠUn less", + "Ġspons or", + "Ġmor ph", + "ĠCho ose", + "Ġrun ner", + "Ġun bel", + "Ġm ud", + "ĠMan a", + "Ġdub bed", + "Ġg odd", + "ure rs", + "wind ow", + "Ġrel ied", + "Ġcelebr ating", + "os c", + "Ġ13 5", + "Ġlobb ying", + "Ġincom plete", + "Ġrestrict ion", + "Ġinc ap", + "it us", + "Ġexpect ation", + "ĠAp ollo", + "Ġint ens", + "Ġsyn c", + "G H", + "Ġmanip ulation", + "B Y", + "Ġspe ar", + "Ġbre asts", + "Ġvol can", + "il ia", + "M aterial", + "Ġform ats", + "ĠB ast", + "Ġparliament ary", + "Ġsn ake", + "Ġserv ants", + "ĠTr udeau", + "ĠGr im", + "ĠArab ic", + "ĠSC P", + "ĠBoy s", + "st ation", + "Ġprospect ive", + "ord e", + "in itialized", + "Ġb ored", + "AB LE", + "Ġaccess ed", + "Ġtax i", + "ĠShe ll", + "aid en", + "urs ed", + "in ates", + "ĠIns urance", + "ĠPet e", + "Sept ember", + "6 50", + "Ġad ventures", + "ĠCo ver", + "Ġt ribute", + "Ġsk etch", + "Ġem power", + "Ġ Ø", + "ĠGl enn", + "ĠD aw", + "= \\\"", + "ĠPolit ics", + "Ġgu ides", + "Ġd ioxide", + "ĠG ore", + "ĠBr ight", + "ĠS ierra", + "Ġval ued", + "c ond", + "Ġpo inter", + "Se lect", + "Ġrisk y", + "Ġabsor b", + "im ages", + "Ġref uses", + "Ġbon uses", + "__ _", + "Ġh ilar", + "ĠF eatures", + "2 20", + "ĠCollect or", + "F oot", + "Ġ19 64", + "cul us", + "Ġd awn", + "Ġwork out", + "ĠL O", + "Ġphilosoph ical", + "ĠSand y", + "ĠYou th", + "Ġl iable", + "A f", + "bl ue", + "Ġovert urn", + "less ness", + "ĠTrib une", + "ĠIn g", + "Ġfact ories", + "Ġcat ches", + "Ġpr one", + "Ġmat rix", + "Ġlog in", + "Ġin acc", + "Ġex ert", + "s ys", + "Ġneed le", + "ĠQ ur", + "Ġnot ified", + "ould er", + "t x", + "Ġremind s", + "Ġpublisher s", + "Ġn ort", + "Ġg it", + "Ġfl ies", + "ĠEm ily", + "Ġflow ing", + "ĠAl ien", + "ĠStr ateg", + "Ġhard est", + "Ġmod ification", + "AP I", + "ĠM Y", + "Ġcr ashes", + "st airs", + "n umber", + "Ġur ging", + "ch annel", + "ĠFal con", + "Ġinhabit ants", + "Ġterr ifying", + "Ġutil ize", + "Ġban ner", + "Ġcig arettes", + "Ġsens es", + "ĠHol mes", + "Ġpract ition", + "ĠPhill ips", + "ott o", + "Ġcomp ile", + "Mod el", + "ĠK o", + "Ġ[ ]", + "Americ ans", + "ĠTer ms", + "Ġmed ications", + "ĠAn a", + "Ġfundament ally", + "ĠNot ice", + "Ġwe aker", + "Ġ 0000", + "Ġgar lic", + "Ġout break", + "Ġeconom ist", + "ĠB irth", + "Ġobst acles", + "ar cer", + "ĠOr thodox", + "Ġplace bo", + "ĠC rew", + "asp berry", + "ĠAng els", + "Ġdis charge", + "Ġdestruct ive", + "11 7", + "ĠR ising", + "Ġd airy", + "l ate", + "Ġcoll ision", + "ĠTig ers", + "ean or", + "ocument ed", + "ĠIn valid", + "Ġd ont", + "ĠL iter", + "ĠV a", + "Ġhyd rogen", + "Ġvari ants", + "ĠBrown s", + "Ġ19 65", + "Ġind igenous", + "Ġtrad es", + "Ġremain der", + "Ġswe pt", + "ĠImp act", + "Ġred ist", + "Ġun int", + "grad uate", + "ãĥ ķ", + "ĠW ILL", + "ãģ® ç", + "ĠCrit ical", + "Ġf isher", + "Ġv icious", + "Ġrevers ed", + "Y ear", + "ĠS ox", + "Ġshoot ings", + "Ġfil ming", + "Ġtouchdown s", + "ai res", + "m el", + "Ġgrand father", + "Ġaffect ion", + "ing le", + "Ġover ly", + "Add itional", + "Ġsup reme", + "ĠGr ad", + "Ġsport ing", + "Ġmer cy", + "ĠBrook s", + "ount y", + "Ġperform s", + "Ġtight ly", + "Ġdem ons", + "Ġkill ings", + "Ġfact ion", + "ĠNov a", + "aut s", + "Ġund oubtedly", + "ar in", + "Ġunder way", + "ra k", + "Ġl iv", + "ĠReg ion", + "Ġbrief ing", + "s ers", + "cl oud", + "ĠM ik", + "us p", + "Ġpred iction", + "az or", + "Ġport able", + "ĠG and", + "Ġpresent ing", + "Ġ10 80", + " »", + "ush i", + "ĠSp ark", + "there um", + "Ġjust ification", + "ĠN y", + "Ġcontract ors", + "ming ham", + "ĠSt yle", + "å ħ", + "ĠChron icles", + "ĠPict ure", + "Ġprov ing", + "Ġw ives", + "set t", + "Ġmole cules", + "ĠFair y", + "Ġconsist ing", + "Ġp ier", + "al one", + "in ition", + "Ġn ucle", + "j son", + "Ġg otta", + "Ġmob il", + "Ġver bal", + "ar ium", + "Ġmon ument", + "uck ed", + "Ġ25 6", + "T ech", + "mine craft", + "ĠTr ack", + "Ġt ile", + "Ġcompat ibility", + "as is", + "Ġs add", + "Ġinstruct ed", + "ĠM ueller", + "Ġle thal", + "Ġhorm one", + "Ġor che", + "el se", + "Ġske let", + "Ġentert aining", + "Ġminim ize", + "ag ain", + "Ġunder go", + "Ġconst raints", + "Ġcig arette", + "ĠIslam ist", + "Ġtravel s", + "ĠPant hers", + "l ings", + "C are", + "Ġlaw suits", + "ur as", + "Ġcry st", + "Ġlow ered", + "Ġaer ial", + "Ġcomb inations", + "Ġha un", + "Ġch a", + "Ġv ine", + "Ġquant ities", + "Ġlink ing", + "b ank", + "Ġso y", + "B ill", + "ĠAngel a", + "Ġrecip ient", + "ĠProt est", + "Ġs ocket", + "Ġsolid arity", + "Ġâ Ĩ", + "m ill", + "Ġvar ies", + "ĠPak istani", + "Dr agon", + "Ġun e", + "Ġhor izon", + "³³³³ ³³³³", + "Ġprov inces", + "Ġfrank ly", + "Ġenact ed", + "not es", + "[ '", + "Ġ19 2", + "ocr acy", + "Ġendorse ment", + "Ġover time", + "Tr ue", + "L ab", + "lic ted", + "ĠD NC", + "Ġbe ats", + "ĠJam ie", + "15 2", + "ĠIN T", + "Cont act", + "Ġaccount ed", + "h ash", + "ĠPack ers", + "p ires", + "Ġles bian", + "Ġamend ments", + "Ġhop eful", + "ĠFin land", + "Ġspot light", + "Ġconfig ured", + "Ġtrou bled", + "Ġg aze", + "ĠCal gary", + "Ġrel iability", + "Ġins urg", + "sw er", + "b uy", + "ĠSk in", + "Ġp ixels", + "Ġhand gun", + "Ġpar as", + "Ġcateg or", + "ĠE L", + "ĠRe x", + "Ind eed", + "Ġkind a", + "Ġconj unction", + "ĠBry an", + "ĠMan ufact", + "y ang", + "Pl us", + "S QL", + "ish ment", + "Ġdom inate", + "Ġn ail", + "Ġo ath", + "Ġeru pt", + "ĠF ine", + "it bart", + "ĠCh ip", + "ĠAb d", + "ĠN am", + "Ġbuy er", + "Ġdiss ent", + "Le aks", + "Cont in", + "Ġr ider", + "ĠSome one", + "Ġill usion", + "c in", + "ĠBoe ing", + "Ġin adequ", + "ov ation", + "i ants", + "Ġreb uild", + "4 50", + "ĠDest iny", + "S W", + "ĠT ill", + "H it", + "ia z", + "ĠBang l", + "acher s", + "ĠRe form", + "Ġse gments", + "Ġsystem atic", + "d c", + "ĠConserv atives", + "Ġport al", + "h or", + "ĠDragon bound", + "Ġdrag ged", + "om o", + "Ġthe e", + "ad vert", + "ĠRep orts", + "ĠE t", + "Ġbarrel s", + "Aug ust", + "Ġcompar isons", + "Ġhe x", + "Ġan throp", + "\" [", + "bor ough", + "ab i", + "Ġpict ured", + "play ing", + "ĠAdd ress", + "ĠMir ror", + "Sm ith", + "Ġt ires", + "ĠN PR", + "AA AA", + "Ġclass ification", + "ĠTh an", + "ĠH arm", + "ĠR A", + "Ġreject ion", + "min ation", + "Ġr anged", + "ĠF alls", + "D I", + "H ost", + "ãĤ ´", + "ĠEx ample", + "list ed", + "th irds", + "Ġsaf egu", + "br and", + "Ġprob able", + "Can ada", + "IT ION", + "ĠQ aeda", + "Ġch ick", + "Ġimport s", + "h it", + "l oc", + "W W", + "Ġble w", + "Ġany time", + "Ġwh oles", + "ik ed", + "Ġcal culation", + "cre ate", + "ĠO ri", + "Ġupgr aded", + "Ġapp ar", + "ut ory", + "ĠM ol", + "B rit", + "ĠJ ong", + "IN AL", + "ĠStart ing", + "Ġd ice", + "urt le", + "Ġre lying", + "cl osure", + "Ġprof itable", + "Ġsl aughter", + "ĠMan ual", + "c aster", + "Ġ\" $", + "Ġfe ather", + "ĠSim ply", + "ie ves", + "Ġdeter ior", + "ĠPC I", + "Ġst amp", + "Ġfl aws", + "Ġsh ade", + "ham mer", + "Ġpass port", + "Ġcont ing", + "am el", + "Ġobser vers", + "Ġneg lect", + "ĠR B", + "ĠBrother hood", + "Ġskept ical", + "f amily", + "us k", + "Ġemotion ally", + "â Ļ", + "ĠBet a", + "ason able", + "id ity", + "ĠM ul", + "Ġkick ing", + "ĠC arm", + "oll ah", + "VERT IS", + "ĠAt hen", + "Ġlad der", + "ĠBul let", + "å £", + "00 01", + "ĠWild life", + "ĠM ask", + "ĠN an", + "R ev", + "Ġun acceptable", + "leg al", + "Ġcrowd ed", + "ag i", + "ĠC ox", + "j e", + "Ġmor ality", + "Ġfu els", + "Ġc ables", + "Ġman kind", + "ĠCarib bean", + "Ġanch or", + "Ġby te", + "ĠO ften", + "ĠO z", + "Ġcraft ed", + "Ġhistor ian", + "ĠW u", + "Ġtow ers", + "ĠCitiz ens", + "Ġhel m", + "Ġcred entials", + "Ġsing ular", + "ĠJes se", + "Ġtack les", + "Ġcont empt", + "Ġa fore", + "ĠSh adows", + "Ġn il", + "Ġur gent", + "app le", + "bl ood", + "Ġv on", + "Ġoff line", + "Ġbreat he", + "Ġj umps", + "Ġirre levant", + "ox ic", + "om al", + "import ant", + "J im", + "Ġgl oves", + "arm ing", + "dep th", + "Ġtal ents", + "ook ie", + "ĠS B", + "Ġpal m", + "uff s", + "est a", + "IG H", + "Ġcan on", + "ĠVer izon", + "ĠP le", + "Ġcou pled", + "vel t", + "Ġfundra ising", + "ĠGet ting", + "ĠD LC", + "Ġmathemat ical", + "ĠH S", + "ĠCard inals", + "te lling", + "Ġspons ors", + "Ġ Ï", + "ĠBull s", + "op tion", + "Ġprop ose", + "Ġmem orable", + "Ġembr aced", + "Ġdecl ining", + "He alth", + "ed a", + "Ġ} ;", + "Ġsp am", + "m ile", + "Ġpit cher", + "ĠE ight", + "Ġcar ing", + "ut ic", + "ro le", + "Ġair line", + "ernand ez", + "ĠAth let", + "Ġcert ification", + "ux e", + "rig er", + "Ġem pir", + "Ġsens ation", + "Ġdis m", + "Ġb olt", + "Ġev olve", + "H ouse", + "Ġconsult ation", + "ĠD uty", + "Ġtou ches", + "ĠN athan", + "Ġf aint", + "h ad", + "\" (", + "ĠCons umer", + "ĠExt reme", + "Ġ12 7", + "ĠHer m", + "ĠSac rament", + "iz oph", + "Ġanx ious", + "ul ously", + "Ġsoc ially", + "ĠU TC", + "Ġsol ving", + "ĠLet ter", + "Hist ory", + "ed uc", + "Pr ice", + ") );", + "Ġrel oad", + "am ic", + "Ġp ork", + "Ġdisc ourse", + "Ġt ournaments", + "ai ro", + "ĠK ur", + "ĠCost a", + "Ġviol ating", + "Ġinterf ere", + "Ġrecre ational", + "uff le", + "Ġspe eches", + "Ġneed ing", + "Ġremem bers", + "Ġcred ited", + "n ia", + "f ocused", + "amer a", + "Ġb ru", + "um bs", + "ĠCub an", + "Ġpreced ing", + "Ġnons ense", + "ac ial", + "Ġsmart phones", + "ĠSt ories", + "S ports", + "ĠEmer gency", + "oun cing", + "ef ined", + "Ġb er", + "Ġconsult ing", + "Ġm asters", + "he astern", + ".\" [", + "ĠRun ning", + "Ġsus cept", + "ĠF eng", + "Americ a", + "pr ises", + "st itial", + "ĠWeek ly", + "ĠGreat er", + "mod ules", + "if ter", + "G raphics", + "ul er", + "Ġwho lly", + "Ġsupp ress", + "Ġconce aled", + "Ġhapp ily", + "Ġaccept s", + "ĠEn joy", + "Ġr ivers", + "ĠEx cept", + "2 25", + "ĠN HS", + "ĠMc Connell", + "Ġp ussy", + "fer red", + "ut able", + "Ġatt ain", + "Ġ> =", + "Ġdepos its", + "roph ic", + "Ġnot orious", + "ĠSh aw", + "il itation", + "Ġepid emic", + "all ic", + "Ġsmall est", + "ov ich", + "Ġaccess ories", + "per ties", + "Ġsur plus", + "ĠMe ch", + "Ġamb ig", + "ĠImm igration", + "Ġch im", + "ev al", + "Ġpract icing", + "ĠMyster y", + "Ġdom ains", + "ĠSil icon", + "app s", + "Ġkilomet ers", + "e a", + "ĠSm ash", + "Ġwarrant y", + "Ġn ost", + "s il", + "re v", + "J on", + "ĠDub lin", + "Ġtast es", + "Ġb out", + "g reat", + "er ror", + "Ġsw itches", + "ĠB apt", + "D O", + "ok i", + "Ġsour ced", + "pro du", + "Ġattach ment", + "ĠIss ue", + "ĠQuest ion", + "Jo in", + "Ġf itted", + "Ġunlaw ful", + "^ ^", + "ere k", + "Ġauthent ication", + "Ġst ole", + "Ġaccount ability", + "l abel", + "S earch", + "Ġal beit", + "atic an", + "fund ed", + "ĠAdd ing", + "ĠI Q", + "Ġsub mar", + "l it", + "a que", + "ĠLear ning", + "Ġint eger", + "M aster", + "ĠCh rom", + "Ġprem ier", + "O p", + "ĠLi u", + "Ġbl essed", + "ĠGl obe", + "ĠResp onse", + "Ġlegit im", + "ĠMer kel", + "Ġdispos al", + " ´", + "Ġgau ge", + "pe at", + "Ġindu ced", + "Ġquestion able", + "arth y", + "ĠV it", + "ĠF eed", + "U ntil", + "U t", + "worth y", + "R Y", + "ĠH erald", + "ĠHam mer", + "Ġmed al", + "ĠR ivers", + "ĠH ack", + "Ġclar ify", + "Ġtrack ed", + "Ġautonom ous", + "Ġten ant", + "ĠQ atar", + "er ie", + "Ġgr im", + "ĠMon itor", + "Ġresist ant", + "ĠSpe c", + "ĠWell s", + "N AS", + "14 8", + "Ġmin ers", + "iot ics", + "Ġmiss es", + "11 6", + "g ian", + "g it", + "ĠE yes", + "p res", + "Ġgrad uated", + "Ġang el", + "Ġsyn chron", + "Ġefficient ly", + "Ġtrans mitted", + "H arry", + "Ġglob ally", + "EN CE", + "ĠMont ana", + "r aged", + "ĠPre vention", + "Ġp iss", + "ĠL l", + "Ġshe lf", + "ĠB JP", + "ĠTest ament", + "ĠL ate", + "ik er", + "ĠH app", + "ĠJul ian", + "h all", + "Ġsp ont", + "Ġshut down", + "Ġincons istent", + "Ġsubscrib ers", + "Ġske leton", + "ĠNe braska", + "Ġins pire", + "ĠV oid", + "F eed", + "Ġang les", + "ĠSpr ings", + "Ġbench mark", + "Ġvacc ines", + "izoph ren", + "se xual", + "uff ed", + "Ġsh ine", + "ĠK ath", + "Ġgest ure", + "ine a", + "Ġr ip", + "Ġopp ression", + "Ġcons cience", + "b t", + "ĠL um", + "Ġinc idence", + "ĠF a", + "w r", + "Ġmin eral", + "ĠSp urs", + "alk y", + "Ġth under", + "Ġop io", + "Be ing", + "ĠPal m", + "Ġwas ted", + "Ġl b", + "i aries", + "ĠIniti ative", + "Ġcur ric", + "Ġmark er", + "ĠMc L", + "Ġext ensions", + "ĠP v", + "ĠAr ms", + "Ġoffer ings", + "Ġdef enses", + "Ġvend or", + "Ġcontrad ict", + "ĠCol in", + "Ġredd it", + "Ġper ipher", + "12 2", + "Ġs ins", + "E dit", + "IC T", + "So ft", + "ĠSh ah", + "Ġadministr ator", + "ĠT rip", + "Ġporn ography", + "Ġtu ition", + "in ence", + "ĠPro gress", + "Ġcat alog", + "Ġsu ite", + "Ġh ike", + "Ġreprodu ctive", + "eng ine", + "Ġd rought", + "ĠNo ah", + "Ġ2 30", + "Ġd ude", + "Ġrelax ed", + "Ġpart ition", + "Ġparticip ant", + "Ġtel esc", + "Ġfe as", + "ĠF F", + "own er", + "Ġswe eping", + "Ġl enses", + "Ġmatch up", + "ĠRe pl", + "ourn als", + "Ġcred ible", + "Ġgrand mother", + "Ġther mal", + "Ġsubscrib ing", + "Ġident ities", + "col m", + "U CT", + "Ġreluct ant", + "us ers", + "ĠC ort", + "Ġassist ed", + "OS S", + "ATION S", + "IS H", + "Ġpharm aceutical", + "ic able", + "ad ian", + "ĠSon ic", + "ĠF ury", + "ĠM ong", + "A H", + "ĠPsych ology", + "Ġph osph", + "Ġtreat s", + "Ń Ķ", + "Ġstead ily", + "ĠHell o", + "Ġrel ates", + "Ġcl ue", + "Ex pl", + "a uth", + "Ġrev ision", + "Ġe ld", + "os ion", + "Ġbr on", + "14 4", + "ri kes", + "Ġmin es", + "Ġblank et", + "ĠF ail", + "el ed", + "ĠIm agine", + "ĠPl anned", + "a ic", + "Re quest", + "M ad", + "ĠHor se", + "ĠEag le", + "Ġcap ac", + "15 7", + "Ġl ing", + "ĠN ice", + "ĠP arenthood", + "min ster", + "og s", + "ens itive", + "Not hing", + "Ġcar n", + "F in", + "ĠP E", + "Ġr ifles", + "ĠL P", + "S and", + "Ġgui Active", + "Ġtour ist", + "C NN", + "Ġunve iled", + "Ġpredec essor", + "} {", + "u ber", + "Ġoff shore", + "Ġopt ical", + "ĠR ot", + "ĠPear l", + "et on", + "Ġst ared", + "Ġfart her", + "at ility", + "cont in", + "ĠG y", + "ĠF oster", + "ĠC oc", + "ri ents", + "Ġdesign ing", + "ĠEconom y", + "ON G", + "W omen", + "ĠN ancy", + "er ver", + "Ġmas cul", + "Ġcasual ties", + "Ġ2 25", + "ĠS ullivan", + "ĠCh oice", + "Ġa ster", + "w s", + "Ġhot els", + "Ġconsider ations", + "Ġcou ch", + "ĠSt rip", + "ĠG n", + "Ġmanip ulate", + "l ied", + "Ġsynt hetic", + "Ġassault ed", + "Ġoff enses", + "ĠDra ke", + "Ġim pe", + "Oct ober", + "ĠHer itage", + "h l", + "ĠBl air", + "Un like", + "Ġg rief", + "Ġ4 50", + "Ġopt ed", + "Ġresign ation", + "il o", + "Ġver se", + "ĠT omb", + "Ġu pt", + "Ġa ired", + "ĠH ook", + "ĠML B", + "Ġassum es", + "out ed", + "ĠV ers", + "Ġinfer ior", + "Ġbund le", + "ĠD NS", + "ograp her", + "Ġmult ip", + "ĠSoul s", + "Ġillust rated", + "Ġtact ic", + "Ġdress ing", + "Ġdu o", + "Con f", + "Ġrel ent", + "Ġc ant", + "Ġscar ce", + "Ġcand y", + "ĠC F", + "Ġaffili ated", + "Ġspr int", + "yl an", + "ĠGarc ia", + "Ġj unk", + "Pr int", + "ex ec", + "C rit", + "Ġport rait", + "ir ies", + "ĠOF F", + "Ġdisp utes", + "W R", + "L ove", + "ãģ Ħ", + "ĠRe yn", + "Ġh ipp", + "op ath", + "Ġflo ors", + "ĠFe el", + "Ġwor ries", + "Ġsett lements", + "ĠP os", + "Ġmos que", + "Ġfin als", + "Ġcr ushed", + "ĠPro bably", + "ĠB ot", + "ĠM ans", + "ĠPer iod", + "Ġsovere ignty", + "Ġsell er", + "Ġap ost", + "Ġam ateur", + "Ġd orm", + "Ġconsum ing", + "Ġarm our", + "ĠRo ose", + "Ġint ensive", + "Ġelim inating", + "ĠSun ni", + "ĠAle ppo", + "j in", + "Ġadv ise", + "p al", + "ĠH alo", + "Ġdes cent", + "Ġsimpl er", + "Ġbo oth", + "ST R", + "L ater", + "ĠC ave", + "== =", + "Ġm ol", + "Ġf ist", + "Ġshot gun", + "su pp", + "Ġrob bery", + "E ffect", + "Ġobsc ure", + "ĠProf essional", + "Ġemb assy", + "Ġmilit ant", + "Ġinc arcer", + "Ġgener ates", + "Ġlaun ches", + "Ġadministr ators", + "Ġsh aft", + "Ġcirc ular", + "Ġfresh man", + "ĠW es", + "ĠJo el", + "ĠD rew", + "ĠDun can", + "ĠApp arently", + "s ight", + "ĠIntern al", + "ĠInd ividual", + "ĠF E", + "Ġb ore", + "ĠM t", + "Ġbroad ly", + "ĠO ptions", + "ount ain", + "ip es", + "ĠV ideos", + "20 4", + "Ġh ills", + "Ġsim ulation", + "Ġdisappoint ment", + "it an", + "ĠLabor atory", + "Ġup ward", + "Ġbound ary", + "Ġdark er", + "h art", + "Ġdomin ance", + "C ong", + "ĠOr acle", + "ĠL ords", + "Ġscholars hip", + "ĠVin cent", + "ed e", + "ĠR ah", + "Ġencour ages", + "ro v", + "Ġqu o", + "Ġprem ise", + "ĠCris is", + "ĠHol ocaust", + "Ġrhyth m", + "Ġmet ric", + "cl ub", + "Ġtransport ed", + "Ġn od", + "ĠP ist", + "Ġancest ors", + "ĠFred er", + "th umbnails", + "ĠC E", + "ON D", + "Ph il", + "ven ge", + "ĠProduct s", + "cast le", + "Ġqual ifying", + "ĠK aren", + "VERTIS EMENT", + "Ġmight y", + "Ġexplan ations", + "Ġfix ing", + "D i", + "Ġdecl aring", + "Ġanonym ity", + "Ġju ven", + "ĠN ord", + "ĠDo om", + "ĠAct ually", + "O k", + "ph is", + "ĠDes ert", + "Ġ11 6", + "I K", + "ĠF M", + "Ġinc omes", + "V EL", + "ok ers", + "Ġpe cul", + "Ġlight weight", + "g ue", + "Ġacc ent", + "Ġincre ment", + "ĠCh an", + "Ġcompl aining", + "ĠB aghd", + "Ġmidfield er", + "Ġover haul", + "Pro cess", + "ĠH ollow", + "ĠTit ans", + "Sm all", + "man uel", + "ĠUn ity", + "ĠEv ents", + "S ty", + "Ġdispro portion", + "n esty", + "en es", + "ĠC od", + "Ġdemonstr ations", + "ĠCrim son", + "ĠO H", + "Ġen rolled", + "Ġc el", + "ĠBre tt", + "Ġa ide", + "Ġhe els", + "Ġbroad band", + "Ġmark ing", + "Ġw izard", + "ĠN J", + "ĠChief s", + "Ġingred ient", + "Ġd ug", + "ĠSh ut", + "urch ase", + "end or", + "Ġfar mer", + "ĠGold man", + "12 9", + "15 5", + "Or der", + "Ġl ion", + "i ably", + "Ġst ain", + "ar ray", + "ilit ary", + "ĠFA Q", + "Ġexpl oded", + "ĠMcC arthy", + "ĠT weet", + "ĠG reens", + "ek ing", + "l n", + "ens en", + "Ġmotor cycle", + "Ġpartic le", + "Ġch olesterol", + "B ron", + "Ġst air", + "Ġox id", + "Ġdes irable", + "ib les", + "Ġthe or", + "for cing", + "Ġpromot ional", + "ov o", + "b oot", + "ĠBon us", + "raw ling", + "Ġshort age", + "ĠP sy", + "Ġrecru ited", + "Ġinf ants", + "Ġtest osterone", + "Ġded uct", + "Ġdistinct ive", + "Ġfirm ware", + "bu ilt", + "14 5", + "Ġexpl ored", + "Ġfact ions", + "Ġv ide", + "Ġtatt oo", + "Ġfinan cially", + "Ġfat igue", + "Ġproceed ing", + "const itutional", + "Ġmis er", + "Ġch airs", + "gg ing", + "ipp le", + "Ġd ent", + "Ġdis reg", + "ç Ķ", + "st ant", + "ll o", + "b ps", + "aken ing", + "Ġab normal", + "ĠE RA", + "å£ «", + "ĠH BO", + "ĠM AR", + "Ġcon cess", + "Ġserv ant", + "Ġas pir", + "l av", + "ĠPan el", + "am o", + "Ġprec ip", + "Ġrecord ings", + "Ġproceed ed", + "Ġcol ony", + "ĠT ang", + "ab lo", + "Ġstri pped", + "Le ft", + "to o", + "Ġpot atoes", + "Ġfin est", + "% ).", + "Ġc rap", + "ĠZ ach", + "ab ases", + "ĠG oth", + "Ġbillion aire", + "w olf", + "Ġsan ction", + "S K", + "Ġlog ged", + "P o", + "ey ed", + "un al", + "Ġcr icket", + "Ġarm ies", + "Ġunc overed", + "Cl oud", + "ó n", + "Ġreb ounds", + "Ġm es", + "O per", + "P ac", + "Ġnation ally", + "Ġinsert ed", + "p ict", + "Ġgovern ance", + "Ð ¸", + "Ġprivile ges", + "G ET", + "Ġfavor ites", + "im ity", + "Ġlo ver", + "the m", + "em pl", + "Ġgorge ous", + "An n", + "Ġsl ipped", + "Ġve to", + "B ob", + "Ġsl im", + "u cc", + "ĠF ame", + "udden ly", + "Ġden ies", + "ĠM aur", + "Ġdist ances", + "Ġw anna", + "t ar", + "ĠS ER", + "Ġâ Ī", + "Ġle mon", + "at hetic", + "Ġlit eral", + "Ġdistingu ished", + "Ġansw ering", + "G I", + "Ġrelig ions", + "ĠPhil os", + "ĠL ay", + "Ġcomp os", + "ire ments", + "ĠK os", + "ine z", + "roll ing", + "Ġyoung est", + "and ise", + "ĠB orn", + "Ġalt ar", + "am ina", + "ĠB oot", + "v oc", + "Ġdig ging", + "Ġpress ures", + "Ġl en", + "26 4", + "Ġassass ination", + "ĠBir mingham", + "ĠMy th", + "Ġsovere ign", + "ĠArt ist", + "ĠPhot ograph", + "Ġdep icted", + "Ġdisp ens", + "orth y", + "Ġamb ul", + "int eg", + "ĠC ele", + "ĠTib et", + "Ġhier archy", + "Ġc u", + "Ġpre season", + "ĠPet erson", + "Ġcol ours", + "Ġworry ing", + "Ġback ers", + "ĠPal mer", + "ĠÎ ¼", + "Ġcontribut or", + "Ġhear ings", + "Ġur ine", + "Ġ Ù", + "ourge ois", + "Sim ilar", + "ĠZ immer", + "s omething", + "ĠUS C", + "Ġstrength s", + "ĠF I", + "Ġlog ging", + "As ked", + "ĠTh ai", + "in qu", + "ĠW alt", + "Ġcrew s", + "it ism", + "3 01", + "Ġshar ply", + "um ed", + "Ġred irect", + "r ators", + "In f", + "ĠWe apons", + "Ġte asp", + "19 99", + "L ive", + "ĠEs pecially", + "ĠS ter", + "ĠVeter ans", + "Ġint ro", + "other apy", + "Ġmal ware", + "Ġbre eding", + "Ġmole cular", + "ĠR oute", + "ĠCom ment", + "oc hem", + "Ġa in", + "Se ason", + "Ġlineback er", + "Ä «", + "ĠEconom ics", + "es ar", + "ĠL ives", + "ĠEm ma", + "Ġk in", + "ĠTer rit", + "Ġpl anted", + "ot on", + "ĠBut ter", + "ĠSp ons", + "P ER", + "Ġdun geon", + "Ġsymb olic", + "Ġfil med", + "Ġdi ets", + "Ġconclud es", + "Ġcertain ty", + "ĠForm at", + "Ġstr angers", + "form at", + "ĠPh ase", + "Ġcop ied", + "Ġmet res", + "ld a", + "ĠUs ers", + "Ġdeliber ate", + "Ġwas hed", + "ĠL ance", + "im ation", + "Ġimpro per", + "ĠGen esis", + "ick r", + "ĠK ush", + "Ġreal ise", + "Ġembarrass ing", + "alk ing", + "b ucks", + "Ġver ified", + "Ġout line", + "year s", + "ĠIn come", + "20 2", + "Ġz ombies", + "F inal", + "ĠMill enn", + "Ġmod ifications", + "ĠV ision", + "ĠM oses", + "ver b", + "iter ranean", + "ĠJ et", + "Ġnav al", + "ĠA gg", + "Ġur l", + "Ġvict ories", + "Ġnon etheless", + "Ġinj ust", + "ĠF act", + "ç ļ", + "Ġins ufficient", + "re view", + "face book", + "Ġnegoti ating", + "Ġguarant ees", + "im en", + "uten berg", + "Ġg ambling", + "Ġcon gr", + "Load ing", + "Ġnever theless", + "Ġpres idents", + "ĠIndust rial", + "Ġ11 8", + "Ġp oured", + "ĠT ory", + "Ġ17 5", + "Ġ: =", + "Sc ott", + "ange red", + "T ok", + "Ġorgan izers", + "M at", + "ĠG rowth", + "Ġad ul", + "Ġens ures", + "Ġ11 7", + "é¾į å", + "Ġmass acre", + "Ġgr ades", + "be fore", + "AD VERTISEMENT", + "ĠSl ow", + "ĠM MA", + "âĢĶ \"", + "ĠV atican", + "Q aeda", + "Ġo we", + "66 66", + "ĠS orry", + "ĠGr ass", + "Ġbackground s", + "Ġexha usted", + "Ġcl an", + "Ġcomprom ised", + "ĠE lf", + "ĠIsa ac", + "ens on", + "In vest", + "IF A", + "Ġinterrupt ed", + "ãĥī ãĥ©", + "Ġtw isted", + "ĠDrag ons", + "M ode", + "ĠK remlin", + "Ġfert il", + "he res", + "ph an", + "ĠN ode", + "f ed", + "ĠOr c", + "Ġunw illing", + "C ent", + "Ġprior it", + "Ġgrad uates", + "Ġsubject ive", + "Ġiss uing", + "ĠL t", + "Ġview er", + "Ġw oke", + "Th us", + "bro ok", + "Ġdep ressed", + "Ġbr acket", + "ĠG or", + "ĠFight ing", + "Ġstri ker", + "Rep ort", + "ĠPortug al", + "Ġne o", + "w ed", + "19 9", + "Ġflee ing", + "sh adow", + "ident ified", + "US E", + "Ste am", + "Ġstret ched", + "Ġrevel ations", + "art ed", + "ĠD w", + "Ġalign ment", + "est on", + "ĠJ ared", + "S ep", + "Ġblog s", + "up date", + "g om", + "r isk", + "Ġcl ash", + "ĠH our", + "Ġrun time", + "Ġunw anted", + "Ġsc am", + "Ġr ack", + "Ġen light", + "on est", + "ĠF err", + "Ġconv ictions", + "Ġp iano", + "Ġcirc ulation", + "ĠW elcome", + "Ġback lash", + "ĠW ade", + "Ġrece ivers", + "ot ive", + "J eff", + "Ġnetwork ing", + "ĠPre p", + "ĠExpl orer", + "Ġlect ure", + "Ġupload ed", + "ĠMe at", + "B LE", + "ĠNaz is", + "ĠSy nd", + "st ud", + "ro ots", + "ri ans", + "Ġportray ed", + "Ġ ??", + "ĠBudd ha", + "s un", + "Rober t", + "ĠCom plex", + "Ġover see", + "Ġste alth", + "T itle", + "ĠJ obs", + "ĠK um", + "Ġappreci ation", + "ĠM OD", + "Ġbas ics", + "Ġcl ips", + "Ġnurs ing", + "Ġpropos ition", + "Ġreal ised", + "ĠNY C", + "Ġall ocated", + "ri um", + "ar an", + "ĠPro duction", + "ĠV ote", + "Ġsm ugg", + "Ġhun ter", + "az er", + "ĠCh anges", + "Ġfl uct", + "y on", + "Ar ray", + "Ġk its", + "W ater", + "Ġuncom mon", + "Ġrest ing", + "ell s", + "w ould", + "Ġpurs ued", + "Ġassert ion", + "omet own", + "ĠMos ul", + "ĠPl atform", + "io let", + "Ġshare holders", + "Ġtra ils", + "P ay", + "ĠEn forcement", + "ty pes", + "ĠAn onymous", + "Ġsatisf ying", + "il ogy", + "Ġ( '", + "w ave", + "c ity", + "Ste ve", + "Ġconfront ation", + "ĠE ld", + "C apt", + "ah an", + "ht m", + "ĠC trl", + "ON S", + "2 30", + "if a", + "hold ing", + "Ġdelic ate", + "Ġj aw", + "ĠGo ing", + "or um", + "S al", + "Ġd ull", + "ĠB eth", + "Ġpr isons", + "Ġe go", + "ĠEl sa", + "avor ite", + "ĠG ang", + "ĠN uclear", + "Ġsp ider", + "ats u", + "Ġsam pling", + "Ġabsor bed", + "ĠPh arm", + "iet h", + "Ġbuck et", + "ĠRec omm", + "O F", + "ĠF actory", + "AN CE", + "Ġb acter", + "H as", + "ĠObs erv", + "12 1", + "Ġprem iere", + "De velop", + "Ġcur rencies", + "C ast", + "Ġaccompany ing", + "ĠNash ville", + "Ġfat ty", + "ĠBre nd", + "Ġloc ks", + "Ġcent ered", + "ĠU T", + "augh s", + "or ie", + "ĠAff ordable", + "v ance", + "D L", + "em et", + "Ġthr one", + "ĠBlu etooth", + "Ġn aming", + "if ts", + "AD E", + "Ġcorrect ed", + "Ġprompt ly", + "ĠST R", + "Ġgen ome", + "Ġcop e", + "Ġval ley", + "Ġround ed", + "ĠK end", + "al ion", + "p ers", + "Ġtour ism", + "Ġst ark", + "v l", + "Ġblow ing", + "ĠSche dule", + "st d", + "Ġunh appy", + "Ġlit igation", + "ced es", + "Ġand roid", + "Ġinteg ral", + "ere rs", + "ud ed", + "t ax", + "Ġre iter", + "ĠMot ors", + "oci ated", + "Ġwond ers", + "ĠAp ost", + "uck ing", + "ĠRoose velt", + "f ram", + "Ġyield s", + "Ġconstit utes", + "aw k", + "Int erest", + "Ġinter im", + "Ġbreak through", + "ĠC her", + "Ġpro sec", + "ĠD j", + "ĠM T", + "Res p", + "ĠP T", + "Ġs perm", + "ed it", + "B T", + "Lin ux", + "count ry", + "le ague", + "Ġd ick", + "Ġo ct", + "Ġinsert ing", + "Ġsc ra", + "ĠBrew ing", + "Ġ19 66", + "Ġrun ners", + "Ġpl un", + "id y", + "ĠD ian", + "Ġdys function", + "Ġex clusion", + "Ġdis gr", + "Ġincorpor ate", + "Ġrecon c", + "Ġnom inated", + "ĠAr cher", + "d raw", + "achel or", + "Ġwrit ings", + "Ġshall ow", + "Ġh ast", + "ĠB MW", + "ĠR S", + "Ġth igh", + "Ġ19 63", + "Ġl amb", + "Ġfav ored", + "ag le", + "Ġcool er", + "ĠH ours", + "ĠG U", + "ĠOrig in", + "Ġglim pse", + "---------------- ----", + "L im", + "Ġche ek", + "Ġj ealous", + "- '", + "Ġhar ness", + "ĠPo ison", + "Ġdis abilities", + "ne apolis", + "Ġout look", + "Ġnot ify", + "ĠIndian apolis", + "Ġab rupt", + "ns ic", + "Ġenc rypted", + "Ġfor fe", + "reat h", + "Ġr abb", + "Ġfound ations", + "Ġcompl iment", + "ĠInter view", + "ĠS we", + "Ġad olesc", + "Ġmon itors", + "ĠSacrament o", + "Ġtime ly", + "Ġcontem pl", + "Ġposition ed", + "Ġpost ers", + "ph ies", + "iov ascular", + "v oid", + "ĠFif th", + "Ġinvestig ative", + "OU N", + "Ġinteg rate", + "ĠIN C", + "ish a", + "ibl ings", + "ĠRe quest", + "ĠRodrig uez", + "Ġsl ides", + "ĠD X", + "Ġfemin ism", + "Ġdat as", + "Ġb end", + "ir us", + "ĠNig eria", + "F ox", + "Ch ange", + "Ġair plane", + "ĠLad en", + "Ġpublic ity", + "ixt y", + "Ġcommit ments", + "Ġaggreg ate", + "Ġdisplay ing", + "ĠAr row", + "Ġ12 2", + "Ġrespect s", + "and roid", + "s ix", + "ĠSh a", + "Ġrest oration", + ") \\", + "W S", + "oy s", + "Ġillust rate", + "with out", + "12 6", + "ĠâĶ Ĥ", + "Ġpick up", + "n els", + "Ġ ....", + "f ood", + "ĠF en", + ") ?", + "Ġphenomen a", + "Ġcompan ions", + "ĠW rite", + "Ġsp ill", + "Ġbr idges", + "ĠUp dated", + "ĠF o", + "Ġinsect s", + "ASH INGTON", + "Ġsc are", + "il tr", + "ĠZh ang", + "Ġsever ity", + "Ġind ul", + "14 9", + "ĠCo ffee", + "Ġnorm s", + "Ġp ulse", + "ĠF T", + "Ġhorr ific", + "ĠDest roy", + "ĠJ SON", + "Ġo live", + "Ġdiscuss es", + "R est", + "E lect", + "ĠW inn", + "ĠSurv iv", + "ĠH ait", + "S ure", + "op ed", + "Ġro oted", + "ĠS ke", + "ĠBron ze", + "Ġl ol", + "Def ault", + "Ġcommod ity", + "red ited", + "Ġliber tarian", + "Ġforb idden", + "Ġgr an", + "à ¨", + "Ġl ag", + "en z", + "dri ve", + "Ġmathemat ics", + "Ġw ires", + "Ġcrit ically", + "Ġcarb ohyd", + "ĠChance llor", + "ĠEd die", + "Ġban ning", + "ĠF ri", + "Ġcompl ications", + "et ric", + "ĠBangl adesh", + "Ġband width", + "St op", + "ĠOrig inally", + "Ġhalf way", + "yn asty", + "sh ine", + "Ġt ales", + "rit ies", + "av ier", + "Ġspin ning", + "ĠWH O", + "Ġneighbour hood", + "b ach", + "Ġcommer ce", + "ĠS le", + "B U", + "Ġentreprene ur", + "Ġpecul iar", + "ĠCom ments", + "f re", + "3 20", + "IC S", + "Ġimag ery", + "ĠCan on", + "ĠElect ronic", + "sh ort", + "( (", + "D ig", + "Ġcomm em", + "u ced", + "Ġincl ined", + "ĠSum mon", + "Ġcl iff", + "ĠMed iterranean", + "Ġpo etry", + "Ġprosper ity", + "ĠRe ce", + "Ġp ills", + "m ember", + "Ġfin ale", + "un c", + "ĠG ig", + "ä ½", + "Ġl od", + "Ġback ward", + "- +", + "ĠFor ward", + "Ġth ri", + "s ure", + "Ġso ap", + "ĠF X", + "R ES", + "ĠSe xual", + "oul os", + "Ġfool ish", + "Ġright eous", + "Ġco ff", + "terror ism", + "ust ain", + "ot er", + "Ġab uses", + "ne xt", + "Ġab usive", + "Ġthere after", + "Ġprohib ition", + "ĠS UP", + "Ġd ip", + "Ġr ipped", + "Ġinher ited", + "Ġb ats", + "st ru", + "G T", + "Ġflaw ed", + "ph abet", + "Ġf og", + "do ors", + "Ġim aging", + "Ġdig its", + "ĠHung ary", + "Ġar rog", + "Ġteach ings", + "Ġprotocol s", + "ĠB anks", + "à ¸", + "p ound", + "ĠC urt", + ".\" )", + ". /", + "Ġex emption", + "end ix", + "ĠM ull", + "Ġimpro ves", + "ĠG amer", + "d imensional", + "I con", + "ĠMarg aret", + "St atus", + "d ates", + "Ġint ends", + "Ġdep ict", + "Ġpark ed", + "J oe", + "ĠMar ines", + "chn ology", + "! ).", + "Ġjud ged", + "Ġwe ights", + "R ay", + "Ġapart ments", + "he ster", + "Ġrein force", + "Ġoff ender", + "occ up", + "Ġs ore", + "e pt", + "ĠPH P", + "ĠB row", + "Ġauthor ization", + "ĠR isk", + "ĠDel aware", + "ĠQ U", + "Ġnot ifications", + "Ġsun light", + "Ġex clude", + "d at", + "Ġm esh", + "ĠSud an", + "Ġbelong ed", + "Ġsub way", + "Ġno on", + "ĠInter ior", + "ol ics", + "ĠL akers", + "Ġc oding", + "Dis claimer", + "Cal if", + "O ld", + "Ġdis l", + "???? ?", + "Ġconfir ms", + "Ġrecruit ment", + "Ġhom icide", + "Cons ider", + "ĠJeff rey", + "ft y", + "} ;", + "Ġobject ion", + "do ing", + "ĠLe o", + "W ant", + "Ġgl ow", + "ĠClar ke", + "ĠNorm an", + "Ġver ification", + "Ġpack et", + "ĠForm ula", + "Ġpl ag", + "es ville", + "Ġshout ing", + "Ġo v", + "ĠR EC", + "ĠB ub", + "Ġn inth", + "Ġener g", + "Ġvalid ity", + "Ġup s", + "j ack", + "Ġneighbor ing", + "ĠN ec", + "ew orks", + "ĠH ab", + "are z", + "Ġsp ine", + "Ġevent ual", + "ĠLe aders", + "ĠC arn", + "Ġprob ation", + "Ġrom ance", + "ms g", + "ĠMechan ical", + "ER Y", + "R ock", + "Ġpart isan", + "N ode", + "ass ets", + "min ent", + "Ġforeign ers", + "Ġtest ify", + "ĠUs ually", + "l ords", + "ĠG ren", + "ĠPow ell", + "BI L", + "Ġs r", + "Ġadd ict", + "Ġshell s", + "Ġs igh", + "ĠY ale", + "tern ity", + "Ġ7 50", + "E U", + "ĠR ifle", + "Ġpat ron", + "em a", + "ĠB annon", + "an ity", + "Ġtrop ical", + "ĠV II", + "c ross", + "Every thing", + "ĠIS O", + "Ġhum ble", + "ass ing", + "ĠF IG", + "Ġupd ating", + "ys on", + "Ġcal cium", + "Ġcompet ent", + "Ġste ering", + "Pro t", + "ĠS Y", + "ĠFin als", + "ĠR ug", + "15 9", + "13 7", + "ĠG olf", + "Ġ12 6", + "Ġaccommod ation", + "ĠHug hes", + "Ġaest hetic", + "art isan", + "ĠTw ilight", + "Ġpr ince", + "ĠAgric ulture", + "ĠDis co", + "Ġpreced ent", + "Ġtyp ing", + "author ized", + "O ption", + "ĠA ub", + "l ishes", + "ach t", + "m ag", + "P eter", + "ĠU FO", + "mont on", + "ĠL ith", + "Ġa rom", + "Ġsec uring", + "Ġconf ined", + "priv ate", + "Ġsw ords", + "Ġmark ers", + "Ġmetab olic", + "se lect", + "ĠCur se", + "ĠO t", + "g ressive", + "Ġinc umb", + "ĠS aga", + "Ġpr iced", + "Ġclear ance", + "Cont ent", + "Ġdr illing", + "Ġnot ices", + "Ġb ourgeois", + "Ġv est", + "Ġcook ie", + "ĠGuard ians", + "ry s", + "in yl", + "Ġ12 4", + "Ġpl ausible", + "on gh", + "ĠOd in", + "Ġconcept ion", + "ĠY uk", + "ĠBaghd ad", + "ĠFl ag", + "Aust ral", + "ĠI BM", + "Ġintern ationally", + "ĠWiki Leaks", + "I ED", + "Ġc yn", + "Ġcho oses", + "ĠP ill", + "Ġcomb ining", + "Ġrad i", + "ĠMoh ammed", + "def ense", + "atch ing", + "Sub ject", + "ic iency", + "Fr ame", + "Ġ{ \"", + "Ġche ss", + "Ġtim er", + "19 0", + "Ġt in", + "Ġord inance", + "emet ery", + "Ġacc using", + "Ġnotice able", + "Ġcent res", + "Ġl id", + "ĠM ills", + "img ur", + "Ġz oom", + "erg ic", + "Ġcomp ression", + "pr im", + "f ind", + "Ġsur g", + "Ġp and", + "ĠK ee", + "ĠCh ad", + "cell ence", + "oy le", + "Ġsocial ism", + "ĠT ravis", + "ĠM Hz", + "Ġgu ild", + "ALL Y", + "ĠSub scribe", + "ĠRel ated", + "Ġoccur rence", + "itch ing", + "Ġfict ional", + "Ġcr ush", + "ĠE A", + "c od", + "m ix", + "ĠTri ple", + "Ġretrie ve", + "Ġstimul us", + "Ġpsych iat", + "ĠDo or", + "Ġhomosexual ity", + "Ġelement ary", + "Ġcell ular", + "id ian", + "ĠL aun", + "Ġintrig uing", + "Ġfo am", + "ĠB ass", + "id i", + "its u", + "Ġass ure", + "Ġcongr at", + "Ġbusiness man", + "ĠBo ost", + "cl ose", + "Ġl ied", + "Ġsc iences", + "ĠO mega", + "ĠG raphics", + "Ġ< =", + "sp oken", + "Ġconnect ivity", + "S aturday", + "ĠAven gers", + "Ġto ggle", + "Ġank le", + "Ġnational ist", + "mod el", + "ĠP ool", + "ophob ia", + "V ar", + "ĠM ons", + "ator ies", + "Ġaggress ively", + "C lear", + "For ge", + "act ers", + "Ġhed ge", + "Ġpip es", + "Ġbl unt", + "Ġs q", + "Ġremote ly", + "W ed", + "as ers", + "Ġref riger", + "Ġt iles", + "Ġresc ued", + "Ġcompr ised", + "ins ky", + "Ġman if", + "avan augh", + "Ġprol ifer", + "Ġal igned", + "x ml", + "Ġtri v", + "Ġcoord ination", + "ĠP ER", + "ĠQu ote", + "13 4", + "b f", + "ĠS aw", + "Ġtermin ation", + "Ġ19 0", + "Ġadd itions", + "Ġtri o", + "Ġproject ions", + "Ġpositive ly", + "Ġin clusive", + "Ġmem br", + "19 90", + "old er", + "Ġpract iced", + "ink le", + "Ar ch", + "Ġstar ters", + "ari us", + "Ġinter mediate", + "ĠBen ef", + "ĠK iller", + "Ġinter ventions", + "ĠK il", + "ĠF lying", + "In v", + "Ġprem ature", + "Ġpsych iatric", + "Ġind ie", + "Ġcoll ar", + "ĠRain bow", + "af i", + "Ġdis ruption", + "ĠFO X", + "cast ing", + "Ġmis dem", + "c ro", + "Ġw ipe", + "ard on", + "Ġb ast", + "ĠTom my", + "ĠRepresent ative", + "Ġbell y", + "ĠP O", + "ĠBre itbart", + "13 2", + "Ġmess aging", + "Sh ould", + "Ref erences", + "ĠG RE", + "ist ical", + "L P", + "ĠC av", + "ĠC razy", + "Ġintu itive", + "ke eping", + "ĠM oss", + "Ġdiscont in", + "ĠMod ule", + "Ġun related", + "ĠPract ice", + "ĠTrans port", + "Ġstatist ically", + "orn s", + "Ġs ized", + "p u", + "Ġca f", + "ĠWorld s", + "ĠRod gers", + "ĠL un", + "ĠCom ic", + "l iving", + "Ġc ared", + "Ġclim bed", + ") {", + "Ġconsist ed", + "Ġmed ieval", + "fol k", + "Ġh acked", + "Ġd ire", + "ĠHerm ione", + "Ġt ended", + "ce ans", + "D aniel", + "w ent", + "Ġlegisl ators", + "Ġred es", + "g ames", + "Ġg n", + "am iliar", + "Ġ+ +", + "gg y", + "th reat", + "Ġmag net", + "Ġper ceive", + "Ġz ip", + "Ġindict ment", + "Ġcrit ique", + "g ard", + "ĠSaf e", + "ĠC ream", + "Ġad vent", + "ob a", + "Ġv owed", + "ous ands", + "Ġsk i", + "Ġabort ions", + "u art", + "Ġstun ned", + "Ġadv ancing", + "Ġlack ed", + "Ġ\\ \"", + "Ġsch izophren", + "Ġeleg ant", + "Ġconf erences", + "Ġcance led", + "ĠHud son", + "ĠHop efully", + "Ġtr ump", + "Ġfrequ encies", + "Ġmet eor", + "ĠJun ior", + "ĠFle et", + "ĠMal colm", + "ĠT ools", + "Ġ ........", + "Ġh obby", + "ĠEurope ans", + "Ġ15 00", + "ĠInt o", + "Ġs way", + "ĠApp ro", + "ĠCom pl", + "Comm unity", + "Ġt ide", + "ĠSum mit", + "ä »", + "Ġinter vals", + "ĠE ther", + "Ġhabit at", + "ĠSteven s", + "lish ing", + "ĠDom ain", + "Ġtrig gers", + "Ġch asing", + "Ġchar m", + "ĠFl ower", + "it ored", + "Ġbless ing", + "Ġtext ures", + "F ive", + "Ġliqu or", + "R P", + "F IN", + "Ġ19 62", + "C AR", + "Un known", + "Ġres il", + "ĠL ily", + "Ġabund ance", + "Ġpredict able", + "r ar", + "Ġbull shit", + "le en", + "che t", + "M or", + "M uch", + "ä ¹", + "Ġemphas ized", + "Ġcr ust", + "Ġprim itive", + "Ġenjoy able", + "ĠPict ures", + "Ġteam mate", + "pl er", + "ĠT ol", + "ĠK ane", + "Ġsummon ed", + "th y", + "ram a", + "ĠH onda", + "Ġreal izing", + "Ġquick er", + "Ġconcent rate", + "cle ar", + "Ġ2 10", + "ĠErd ogan", + "ar is", + "Ġrespond s", + "ĠB I", + "Ġelig ibility", + "Ġpus hes", + "ĠId aho", + "Ġagg rav", + "Ġru ins", + "ur ations", + "Ġb ans", + "Ġan at", + "sh are", + "Ġgr ind", + "h in", + "um en", + "Ġut ilities", + "ĠYan kees", + "Ġdat abases", + "ĠD D", + "Ġdispl aced", + "Ġdepend encies", + "Ġstim ulation", + "h un", + "h ouses", + "ĠP retty", + "ĠRaven s", + "ĠTOD AY", + "Ġassoci ates", + "Ġthe rape", + "cl ed", + "Ġde er", + "Ġrep airs", + "rent ice", + "Ġrecept ors", + "Ġrem ed", + "ĠC e", + "Ġmar riages", + "Ġball ots", + "ĠSold ier", + "Ġhilar ious", + "op l", + "13 8", + "Ġinherent ly", + "Ġignor ant", + "Ġb ounce", + "ĠE aster", + "REL ATED", + "ĠCur rency", + "E V", + "ãĥ ŀ", + "ĠLe ad", + "Ġdece ased", + "B rien", + "ĠMus k", + "J S", + "Ġmer ge", + "heart ed", + "c reat", + "m itt", + "m und", + "ĠâĢ ĭ", + "ĠB ag", + "Ġproject ion", + "Ġj ava", + "ĠStand ards", + "ĠLeon ard", + "Ġcoc onut", + "ĠPop ulation", + "Ġtra ject", + "Ġimp ly", + "Ġcur iosity", + "ĠD B", + "ĠF resh", + "ĠP or", + "Ġheav ier", + "ne ys", + "gom ery", + "Ġdes erved", + "Ġphr ases", + "ĠG C", + "Ġye ast", + "d esc", + "De ath", + "Ġreb oot", + "Ġmet adata", + "IC AL", + "Ġrep ay", + "ĠInd ependence", + "Ġsubur ban", + "ical s", + "Ġat op", + "Ġall ocation", + "gener ation", + "ĠG ram", + "Ġmoist ure", + "Ġp ine", + "ĠLiber als", + "Ġa ides", + "Ġund erest", + "ĠBer ry", + "Ġcere mon", + "3 70", + "ast rous", + "ĠPir ates", + "Ġt ense", + "ĠIndust ries", + "ĠApp eals", + "ĠN ear", + "Ġè£ı ç", + "Ġlo vers", + "ĠC AP", + "ĠC raw", + "Ġg iants", + "Ġeffic acy", + "E lement", + "ĠBeh avior", + "ĠToy ota", + "Ġint est", + "P riv", + "A I", + "Ġmaneu ver", + "Ġperfect ion", + "Ġb ang", + "p aper", + "r ill", + "Ge orge", + "b order", + "in ters", + "ĠS eth", + "Ġcl ues", + "ĠLe vi", + "ĠRe venue", + "14 7", + "Ġv apor", + "Ġfortun ate", + "Ġthreat ens", + "Ġve t", + "Ġdepend ency", + "ers ed", + "art icle", + "ĠBl izzard", + "Ġch lor", + "Ġmin us", + "ĠB ills", + "Ġcryptoc urrency", + "Ġmetabol ism", + "ter ing", + "Ġp estic", + "step s", + "ĠTre asure", + "ract ed", + "ĠConst ant", + "Ġtem p", + "13 9", + "ĠDet ective", + "ur ally", + "Ġrecover ing", + "Ġcort ex", + "Ġ14 4", + "cl osed", + "Ġprejud ice", + "aun ted", + "Ġstorm s", + "ĠN OW", + "Ġmach inery", + "Add ress", + "Ġcompe lled", + "27 0", + "Ġdesp air", + "b ane", + "Ġveget able", + "Ġbed s", + "Lear n", + "Ġcolor ful", + "Ġsp ike", + "Ġmarg ins", + "Ġsymp athy", + "Ġworks hop", + "ĠC BC", + "S at", + "Ġburn s", + "ĠG ender", + "Ġ12 9", + "ĠC able", + "Ġdeb ts", + "ĠThe resa", + "Ġreflect ing", + "Ġa irst", + "Ġr im", + "ram id", + "Ġweakness es", + "W rit", + "ogg le", + "t i", + "ĠCh arge", + "Ġwe ighed", + "Ġ( .", + "Ġl aughter", + "Ġrou ter", + "ĠDemocr acy", + "D ear", + "Ġhas ht", + "Ġd y", + "Ġhint s", + "run ning", + "Ġfin ishes", + "ar us", + "M ass", + "res ult", + "asc us", + "Ġv intage", + "Ġcon qu", + "Ġwild ly", + "ac ist", + "Ġl ingu", + "Ġprot agonist", + "st rom", + "te enth", + "ĠSol o", + "m ac", + "f illed", + "Ġre nown", + "it ives", + "Ġmot ive", + "ĠAnt ar", + "ĠM ann", + "ĠAd just", + "Ġrock ets", + "Ġtrou bling", + "e i", + "Ġorgan isms", + "ass is", + "Christ ian", + "Ġ14 5", + "ĠH ass", + "Ġsw all", + "Ġw ax", + "ĠSurv ival", + "V S", + "ĠM urd", + "v d", + "stand ard", + "Ġdrag ons", + "Ġacceler ation", + "r ational", + "f inal", + "Ġp aired", + "ĠE thereum", + "Ġinterf aces", + "Ġres ent", + "Ġartif acts", + "Å «", + "are l", + "Ġcompet itor", + "ĠNich olas", + "ĠSur face", + "c pp", + "ĠT ot", + "Ġeconom ically", + "Ġorgan ised", + "Ġen forced", + "in ho", + "Ġvar ieties", + "Ġab dom", + "ĠBa iley", + "id av", + "ĠSal v", + "p aid", + "Ġalt itude", + "ess ert", + "ĠG utenberg", + "are a", + "op oulos", + "Ġprofess ors", + "igg s", + "ĠF ate", + "he y", + "Ġ3 000", + "D ist", + "Ġtw ins", + "c ill", + "ĠM aps", + "Ġtra ps", + "Ġwe ed", + "ĠK iss", + "Ġy oga", + "Ġrecip ients", + "ĠWest minster", + "Ġpool s", + "ĠWal mart", + "18 8", + "ĠSchool s", + "att ack", + "ĠAR M", + "par agraph", + "W arning", + "j l", + "Ġself ish", + "anche z", + "ĠHe ights", + "F re", + "ĠS oph", + "Ġ --------------------------------", + "t ml", + "33 3", + "Ġraid s", + "Ġsatell ites", + "KE Y", + "Ġlast s", + "Ñ Ĥ", + "In s", + "ĠD ame", + "Ġunp redict", + "// /", + "gh ai", + "Ġart illery", + "Ġcru ise", + "Ġg el", + "ĠCabin et", + "Ġbl ows", + "ĠE sp", + "Ġprox imity", + "ot he", + "ĠSk ills", + "ĠU pper", + "ob o", + "ĠN DP", + "Ġenjoy s", + "Ġrepe ating", + "ĠConst ruction", + "ĠQuest ions", + "H illary", + "Ġu int", + "Ġprocess ors", + "ĠGib son", + "ĠMult iple", + "q a", + "ĠB om", + "ĠM iles", + "vent ional", + "Ġhur ts", + "s kin", + "ĠA IDS", + "Ġadvis ers", + "ĠR oot", + "Ġmethod ology", + "ĠD ale", + "Ġdet on", + "ĠKnow ledge", + "sequ ently", + "Ġ12 1", + "Ġconnect s", + "C y", + "ĠD anger", + "Ġcontribut ors", + "ĠB ent", + "Ġbr ass", + "ĠGun s", + "int o", + "ĠFort une", + "Ġbro ker", + "bal ance", + "Ġlength s", + "Ġv ic", + "Ġaver aging", + "Ġappropri ately", + "ĠCamer a", + "Ġsand wich", + "ĠCD C", + "Ġcoord inate", + "Ġnav ig", + "Ġgood ness", + "l aim", + "Ġbra ke", + "Ġextrem ist", + "ĠW ake", + "ĠM end", + "ĠT iny", + "ĠC OL", + "ĠR F", + "ĠD ual", + "ĠW ine", + "C ase", + "Ġref ined", + "Ġl amp", + "L ead", + "Ġb apt", + "ĠCar b", + "ĠS add", + "ĠMin neapolis", + "PD F", + "Ear ly", + "ĠH idden", + "I ts", + "ĠT IME", + "Ġp ap", + "Ġcommission ed", + "ĠF ew", + "ĠCol ts", + "ĠB ren", + "Ġbot hered", + "Ġlike wise", + "Ex per", + "ĠSch w", + "c ry", + "n n", + "ĠM itch", + "im on", + "M G", + "b m", + "UM P", + "r ays", + "Ġregist ry", + "Ġ2 70", + "ach ine", + "re lla", + "ant ing", + "00 000", + "Ġru ined", + "sp ot", + "Ġt a", + "Ġmaxim ize", + "Ġincon ven", + "D ead", + "H uman", + "En abled", + "ĠMar ie", + "Ġch ill", + "ĠParad ise", + "Ġstar ring", + "ĠLat ino", + "ĠProt ocol", + "ĠE VER", + "Ġsuppl iers", + "m essage", + "ĠBro ck", + "Ġser um", + "âĸĪâĸĪ âĸĪâĸĪ", + "Ġen comp", + "Ġamb ition", + "ues e", + "Ġar rows", + "And rew", + "Ġanten na", + "Ġ19 61", + "ĠB ark", + "Ġb ool", + "ãĤ ª", + "ĠSt orage", + "Ġrail way", + "Ġtoug her", + "ĠC ad", + "Ġwas hing", + "P y", + "' ]", + "em bed", + "ĠMem phis", + "ack le", + "Ġfam ously", + "ĠF ortunately", + "ov ies", + "Ġmind set", + "Ġsne ak", + "ĠD h", + "RA W", + "ĠSim pson", + "Ġliv est", + "Ġland mark", + "Ġc ement", + "L ow", + "Ġthr illed", + "ĠCour se", + "in el", + "Ġch uck", + "id ate", + "gl obal", + "Ġwh it", + "Ġ �", + "ad ays", + "s ki", + "ĠS V", + "Ġvir uses", + "30 6", + "ĠResp ons", + "Ġthe aters", + "ĠBr anch", + "ĠGene va", + "ĠM K", + "Ġunbel iev", + "Ġcommun ist", + "Orig inal", + "ĠRe ceived", + "ĠTrans fer", + "ĠAr g", + "In put", + "ĠStr ategy", + "Ġpal ace", + "the ning", + "D ri", + "Ġsent encing", + "umbn ail", + "Ġp ins", + "re cy", + "Ġs iblings", + "Get ting", + "ĠB U", + "ĠNorth west", + "Ġprolong ed", + "ĠSak ura", + "C omb", + "ĠB our", + "Ġinadequ ate", + "ĠK ash", + "Ġus ername", + "ĠImpro ve", + "Ġbatt ling", + "ĠM AC", + "Ġcurric ulum", + "Ġs oda", + "ĠC annon", + "Ġsens ible", + "sp ons", + "De cember", + "Ġw icked", + "ĠP engu", + "Ġdict ators", + "ĠHe arts", + "og yn", + "Ġsimilar ities", + "ĠSt ats", + "Ġh ollow", + "it ations", + "\": [", + "Ġh over", + "ĠList en", + "s ch", + "S und", + "Ġc ad", + "ĠPar ks", + "Ġl ur", + "Ġhy pe", + "ĠL em", + "N AME", + "is ure", + "Fr iday", + "Ġshoot s", + "Ġclos es", + "Ġd b", + "ĠR idge", + "ĠDiff erent", + "Ġrepl ies", + "ĠBroad way", + "op ers", + "Ġint oler", + "ĠZe us", + "akes pe", + "Ġpropri etary", + "Ġrequest ing", + "Ġcontro llers", + "ĠM IN", + "im edia", + "be cca", + "Ġexp ans", + "Ġoil s", + "B ot", + "ĠCh and", + "Ġpr inter", + "Ġto pped", + "ĠP OL", + "ĠEar lier", + "S ocial", + "av in", + "Ġdecre ases", + "ĠSe b", + "Ġspecific ations", + "ĠBl ast", + "ĠK urt", + "Ġfre el", + "B rown", + "Ġdil ig", + "ro e", + "ĠPro blem", + "ĠQu ad", + "Ġdecent ral", + "ĠV ector", + "an ut", + "Ġplug ins", + "ĠGreg ory", + "Ġfuck ed", + "el ines", + "ĠAmb assador", + "t ake", + "Ġcle ans", + "ong yang", + "An onymous", + "st ro", + "\" }", + "al ine", + "ĠO dd", + "ĠE ug", + "2 16", + "Ġbo il", + "ĠP owers", + "Ġnurs es", + "Ob viously", + "ĠTechn ical", + "Ġexceed ed", + "OR S", + "Ġextrem ists", + "Ġtr aces", + "ex pl", + "Ġcom r", + "ĠS ach", + ") /", + "Ġm asks", + "Ġsc i", + "B on", + "Ġreg ression", + "we gian", + "Ġadvis or", + "it ures", + "ĠV o", + "ex ample", + "ĠInst ruct", + "Ġs iege", + "Ġredu ctions", + "pt r", + "Ġstat utory", + "Ġrem oves", + "Ġp uck", + "red its", + "Ġbe e", + "Ġsal ad", + "Ġpromot ions", + "ĠJosh ua", + "with standing", + "ET H", + "ĠCh a", + "im us", + "Ġexpend iture", + "aun ting", + "Ġdelight ed", + "Ġ15 5", + "be h", + "Ġcar pet", + "ĠSp art", + "Ġj ungle", + "l ists", + "Ġbull ying", + "ĠNob el", + "ĠGl en", + "Ġreferen ced", + "Ġintrodu ces", + "se in", + "Ġcho pped", + "gl ass", + "ĠW rest", + "Ġneutral ity", + "Ġâ Ļ", + "Ġinvestig ator", + "Ġshel ves", + "Ġun constitutional", + "Ġreprodu ction", + "Ġmer chant", + "m ia", + "Ġmet rics", + "Ġexplos ives", + "ĠSon ia", + "Ġbod ily", + "Ġthick ness", + "Ġpredomin antly", + "ĠAb ility", + "Ġmon itored", + "IC H", + "Ġ] .", + "ĠMart inez", + "Ġvis ibility", + "Ġqu eries", + "Ġgen ocide", + "ĠWar fare", + "Qu ery", + "Ġstud ios", + "Ġemb ry", + "Ġcorrid or", + "Ġclean ed", + "com plete", + "ĠM H", + "Ġenroll ment", + "ING S", + "Ġimpact ed", + "Ġdis astrous", + "ĠY un", + "ĠCl aire", + "ĠBas ically", + "y t", + "uster ity", + "Ġindirect ly", + "w ik", + "Ġd od", + "ĠCar r", + "Ġam p", + "Ġprohib it", + "ĠIn itial", + "ĠR d", + "ij i", + "Ġeduc ate", + "c orn", + "i ott", + "ĠBeaut y", + "Ġdetect ive", + "ĠCon n", + "s ince", + "Ġst agger", + "Ġob ese", + "Ġb ree", + "olog ic", + "is se", + "walk er", + "Ġbl ades", + "Ġlaw ful", + "fun c", + "ĠBeh ind", + "Ġappet ite", + "Ġ( *", + "Ġt ennis", + "Ġoff spring", + "Ġj ets", + "Ġstruct ured", + "Ġafore mentioned", + "N ov", + "Ġsc aling", + "f ill", + "Ġst ew", + "Ġcur b", + "ĠStep han", + "ed In", + "S F", + "ob ic", + "é ŃĶ", + "ou g", + "ĠM M", + "Ġgen etically", + "ope z", + "13 6", + "Ġu mb", + "anc ers", + "Ġcoh ort", + "Ġmerch andise", + "Ġimp osing", + "ĠLegisl ature", + "ĠArch ive", + "iv ia", + "ĠN aval", + "Ġoff ences", + "Ġmir acle", + "Ġsn apped", + "Ġf oes", + "Ġextensive ly", + "ĠR af", + "Ġc ater", + "ed ience", + "K it", + "ĠB in", + "Ġrecomm ends", + "ĠC ities", + "Ġrig id", + "ĠRE AD", + "ĠNob le", + "ĠT ian", + "Ġcertific ates", + "ant is", + "o iler", + "ĠBudd hist", + "d id", + "Ġsurvey ed", + "Ġdown ward", + "Ġprint s", + "ĠMot ion", + "ron ics", + "ĠS ans", + "oss ibly", + "u ctions", + "Ġcolon ies", + "ĠDan ish", + "un it", + "Ġsp oil", + "Ġadvis ory", + "ber ries", + "Pl an", + "Ġspecific ation", + "op hers", + "ĠRes ource", + "Ġsh irts", + "prising ly", + "commun ications", + "Ġtriv ial", + "Ġmention ing", + "ise xual", + "Ġsupp lements", + "Ġsuper vision", + "B P", + "v or", + "Ġw it", + "Ġco oldown", + "Ġplaint iff", + "ĠReview s", + "ĠS ri", + "ĠM int", + "ĠSug ar", + "Ġafter ward", + "ĠPri est", + "ĠInvest ment", + "og ene", + "ĠT aking", + "Ġstretch ing", + "Ġinflamm ation", + "ĠTe hran", + "Ġl ining", + "Ġfree zing", + "ĠEnt ity", + "Ġins piring", + "spe cial", + "pr ice", + "Ġsu e", + "ĠP orter", + "oun ge", + "ET A", + "ĠD erek", + "ĠLu is", + "u o", + "ym ph", + "Ġex terior", + "ih il", + "ĠAsh ley", + "in ator", + "Ġnut rients", + "ĠTh rones", + "Ġfin ances", + "ĠIn spect", + "Ġspe cially", + "ĠRequ ired", + "ĠP TS", + "ĠViol ence", + "oint ed", + "sh ots", + "Ġex cerpt", + "co on", + "IN S", + "ĠG ri", + "Ġrecogn ised", + "We ek", + "You ng", + "Ġv om", + "is le", + "ĠCur ry", + "ĠBudd h", + "Ġnot ebook", + "Ġd urable", + "/ ?", + "ĠG ad", + "ĠP upp", + "Ġforg ive", + "p ark", + "Ġpersonal ities", + "an alysis", + "cl amation", + "Ġelev ator", + "Ġware house", + "ĠR ole", + "un n", + "Ġillust ration", + "ĠSc an", + "Ġatmosp heric", + "Im port", + "AN C", + "rict ed", + "f u", + "01 0", + "Ġar che", + "Ġreward ed", + "akespe are", + "Ġintern ally", + "ĠR BI", + "alk er", + "Ġeleph ant", + "ow itz", + "ĠP izza", + "Ġbip artisan", + "é s", + "Ġslow ed", + "ĠSt ark", + "Ġover ride", + "OU S", + "Ġ3 20", + "undred s", + "ĠDe ck", + "ĠC ensus", + "be e", + "14 6", + "ot or", + "Ġ ip", + "Ġu b", + "oc ations", + "ĠBut ton", + "r ice", + "Ġc ripp", + "ff f", + "Ġorig inated", + "Ġoverwhel med", + "app a", + "Ġfore most", + "âĢ ij", + "ĠL EG", + "re lease", + "eat ured", + "at ches", + "Ġre ps", + "Ġl ending", + "ĠRe ference", + "ĠCl ient", + "16 5", + "vent h", + "Com plete", + "ĠPat rol", + "Ġsw orn", + "c am", + "Ġshut tle", + "ĠR alph", + "Ġh ometown", + "- ,", + "on al", + "ĠB P", + "å ı", + "Ġpersu ade", + "ĠAlex and", + "Ġcomb ines", + "Ġv ivid", + "ĠL ag", + "Ġenc oding", + "Ġsal vation", + "w en", + "ĠRec overy", + "i ya", + "Un iversity", + "ĠB iden", + "Ġbud gets", + "ĠTex ans", + "f its", + "Ġhon ored", + "Ġp ython", + "T D", + "## #", + "cl one", + "Ġbl ink", + "ĠL iquid", + "Ġunemploy ed", + "Ġcl ashes", + "ĠCoun sel", + "Ġdirect ing", + "Ġpun ct", + "ĠFal cons", + "Ġsh ark", + "ĠDam ascus", + "Ġje ans", + "Ġemb ark", + "Ġse ize", + "Ġup wards", + "2 80", + "ĠE z", + "ĠAny thing", + "Ġex otic", + "l ower", + "ĠCreat or", + "ĠU m", + "Ġsubur bs", + "ber ger", + "ĠW end", + "Ġm int", + "ĠX X", + "ĠD ro", + "Ġsuff ers", + "Ġher b", + "t ree", + "Ġfrag ile", + "Ġflood ed", + "ĠAl cohol", + "ole an", + "ny der", + "ĠK O", + "F ram", + "Ġ13 6", + "Ġow ed", + "ĠMe lee", + "ĠH ash", + "Ġwh isk", + "Ġsu do", + "r r", + "Qu ick", + "app ro", + "Ġi i", + "ĠEx amples", + "he e", + "Ġpromot es", + "per ature", + "k ar", + "ĠHon or", + "Ġs odium", + "ĠL if", + "ros so", + "intend ent", + "Ġcorrespond ent", + "F ound", + "sec ret", + "Ġident ifies", + "ag ne", + "Ġl ou", + "ĠP P", + "Ġcoinc idence", + "m ove", + "Ġmilit ia", + "Ġinf iltr", + "ĠPrim ary", + "Ġpitch ing", + "ĠI b", + "ĠGO OD", + "ãĤ ¸", + "ĠW izards", + "ir al", + "ĠVen us", + "R R", + "ĠâĢ ķ", + "ĠCase y", + "Ġsad ly", + "Ġadm ire", + "Ġembarrass ed", + "c b", + "M el", + "Ġtub es", + "Ġbeaut ifully", + "ĠQueens land", + "Bel ow", + "re z", + "qu et", + "ple asant", + "Ġ «", + "C amp", + "Ġdec isive", + "19 98", + "ĠL amb", + "ut ton", + "h n", + "ĠJ agu", + "au nder", + "ĠC ord", + "Ġcl erk", + "Ġca ffe", + "Ġwip ed", + "Ġre im", + "ĠMount ains", + "Ġimprison ed", + "Ġdevelop s", + "ĠP ra", + "Ġmodel ing", + "Any one", + "ance l", + "ĠS it", + "Ġshield s", + "Ġl awn", + "Ġcard iovascular", + "Ġdemonstr ating", + "Ġpar se", + "ĠIsrael is", + "Ġeuro s", + "14 3", + "Ġgl orious", + "ins ki", + "ec d", + "Ġcondition ing", + "Ġhel pless", + "Ġmicro sc", + "ĠHar bor", + "Ġst akes", + "Ġ2 60", + "Ġun equ", + "ĠFl oyd", + "Ġd amp", + "Ġappar atus", + "ĠLaw s", + "Ġcoun ters", + "Ġindu ce", + "at able", + "ĠAh med", + "Ġsl am", + "N ovember", + "Ġpers ist", + "Ġim minent", + "á n", + "Ġsh red", + "Ġph ases", + "ĠEd monton", + "ĠArm strong", + "ĠMe et", + "ĠK itty", + "Ñ Ģ", + "c irc", + "ĠAd ult", + "Ġa rose", + "ĠX en", + "D an", + "g ow", + "Ġsuper f", + "ĠAd mir", + "Ġend ure", + "Ġkey word", + "yr us", + "Ġy arn", + "Ġpath way", + "ĠHop kins", + "mid t", + "Ġcens orship", + "d ependent", + "Ġinstruct or", + "S ources", + "Ġto e", + "Ġball oon", + "N ob", + "Ġsw ear", + "ĠCast ro", + "Ġgl oss", + "ĠK avanaugh", + "Ġremark ably", + "Ph otos", + "ĠN om", + "ĠS outheast", + "y ers", + "Ġvalid ation", + "Ġcann on", + "ĠVict ory", + "ĠPier re", + "Ġcaut ious", + "Aud io", + "Ġf etch", + "ĠG ift", + "ĠH yp", + "Ġrem edy", + "Z E", + "Ġsc ent", + "Ġbe ard", + "ĠR ut", + "- \"", + "Ġpat ents", + "H y", + "Ġun just", + "Ġpot ato", + "Ġforth coming", + "Ġche f", + "ĠR ift", + "aff e", + "ĠR OM", + "ĠL aunch", + "Ġp ads", + "ĠNe o", + "Ġon set", + "Ġsquee ze", + "s afe", + "Ġpref ix", + "ĠT M", + "ĠN early", + "ĠClin ical", + "ĠM ental", + "ot iation", + "ĠUn ic", + "ant ry", + "ĠC ir", + "Ġep it", + "à ¦", + "Ġextract ed", + "verse ly", + "ri ad", + "Ġstr ains", + "Ġto ps", + "Ġpo em", + "ĠRand y", + "ĠMap le", + "TH ER", + "up iter", + "ĠSS D", + "ļ é", + "Ġun con", + "per ing", + "Ġsle pt", + "in ers", + "Ġunder water", + "ĠEv idence", + "g one", + "20 5", + "Ġhistor ians", + "Ġsynt hesis", + "Ġf rog", + "b asketball", + "Ġvibr ant", + "Ġsub ord", + "Ġ3 65", + "ĠD ial", + "Ġcooper ate", + "HA HA", + "Ġgreet ed", + "15 8", + "Ġj azz", + "Ġinto x", + "ĠWalk ing", + "Ġsuper visor", + "ĠF usion", + "ĠMer cedes", + "s end", + "H am", + "s d", + "n l", + "Ġtour s", + "ĠF IFA", + "Ġcul p", + "g d", + "30 4", + "Ġple as", + "Ġillust rates", + "ĠColomb ia", + "Ġhighlight ing", + "ĠSum mary", + "Ġexp osing", + "ĠD ru", + "Ġir ony", + "r itional", + "ĠCar roll", + "ĠEll is", + "P ict", + "ĠR apt", + "Ġad apter", + "Ġun m", + "Ġcor pse", + "Ġceleb rities", + "D en", + "at um", + "ĠAp ocalypse", + "ĠW ag", + "lin ing", + "Ġhorm ones", + "R ub", + "ĠX i", + "ĠV aults", + "20 8", + "alky rie", + "inos aur", + "Ġfeed s", + "v ity", + "Ġdefe ating", + "W ait", + "Ġemphas ize", + "ĠSteel ers", + "yr inth", + "le ys", + "ĠWhe never", + "Current ly", + "ĠCl ock", + "Ġcollect ively", + "any on", + "ĠJ P", + "Ġment ality", + "Ġdownload s", + "Ġsurround ings", + "ĠBarn es", + "Ġflags hip", + "Ġindic ators", + "Ġgra pp", + "Jan uary", + "ĠElement al", + "ĠAthen a", + "ib al", + "Ġs ights", + "Ġcap ita", + "ĠTreat y", + "Ġvo iced", + "ĠG az", + "let te", + "Ġy a", + "Ġexp ired", + "Leg end", + "H ot", + "n ature", + "Ġunst able", + "Ġ2 80", + "à º", + "Com ment", + "AL E", + "Ġquest s", + "Ġhand ler", + "n is", + "Ġvers atile", + "Ġconce al", + "enge ance", + "ĠInter active", + "Ġobs essed", + "ĠDog s", + "Ġcr acked", + "S ound", + "s v", + "ĠD ylan", + "ro ads", + "f x", + "ĠCath olics", + "ĠH ag", + "Ġsl ammed", + "Ġgl owing", + "s ale", + "Ġtiss ues", + "ĠCh i", + "ne e", + "Ġc her", + "s ic", + "ur rection", + "Ġb acon", + "ul atory", + ") .\"", + "Ġir regular", + "FOR M", + "ass ed", + "Ġintention al", + "Ġcompens ate", + "ĠSpe aking", + "ĠS ets", + "15 3", + "Ġconvent ions", + "b ands", + "em ade", + "Ġe cc", + "ĠWin ston", + "ĠAssass in", + "ĠBelg ian", + "Ġdepend ence", + "Ġnic he", + "Ġb ark", + "ĠJ azz", + "Ġdisadvant age", + "Ġgas oline", + "Ġ16 5", + "çļ Ħ", + "ess a", + "mod ule", + "ang ular", + "O Y", + "ĠTreat ment", + "it as", + "ol ation", + "ĠArn old", + "Ġfe ud", + "ĠN est", + "Ġthe atre", + "ew ater", + "Ġmin ors", + "olic y", + "ĠH aven", + "div ision", + "Ġtr unk", + "F ar", + "ĠP ull", + "Ġcapt uring", + "Ġ18 00", + "ĠTe en", + "Ġex empl", + "Ġclin ics", + "ĠB urg", + "Ġsubst it", + "Ġpay load", + "ĠL av", + "ĠT roy", + "ĠW itness", + "Ġfrag ments", + "Ġpass words", + "Ġg ospel", + "ĠG in", + "Ġten ants", + "ol ith", + "S ix", + "Pre vious", + "ĠAg es", + "ĠDar win", + "Ġbl at", + "Ġem pathy", + "sm ith", + "b ag", + "ĠE cho", + "ĠC amb", + "ĠM add", + "ĠB oo", + "Ġred e", + "ĠBurn ing", + "Ġsmooth ly", + "ĠAd rian", + "ĠV ampire", + "ĠMon sters", + "ste am", + "Sty le", + "M a", + "re a", + "ĠD war", + "aly st", + "urs or", + "Ġelim ination", + "Ġcrypt o", + "ch t", + "ĠE ternal", + "â̦ ]", + "ĠS orce", + "I ll", + "N ER", + "Ġu h", + "Con clusion", + "w age", + "Ġresp ir", + "Ġrem inis", + "het ical", + "Ġg y", + "Ġutil ized", + "ic idal", + "Ġ19 00", + "Ġhun ters", + "ĠSw an", + "ĠRe act", + "Ġvis itor", + "ĠThanks giving", + "30 8", + "Post s", + "Ġh ips", + "19 97", + "om ers", + "Ġkn ocking", + "ĠVeh icle", + "Ġt il", + "Ġ13 8", + "Ġm i", + "ĠInvest igation", + "ĠKen ya", + "Ġcas ino", + "Ġmot ives", + "Ġreg ain", + "re x", + "Ġweek ends", + "Ġstab bed", + "bor o", + "Ġexplo ited", + "ĠHA VE", + "ĠTe levision", + "c ock", + "Ġprepar ations", + "Ġende av", + "ĠRem ote", + "ĠM aker", + "ĠPro du", + "ĠEv an", + "Ġinform ational", + "ĠLouis ville", + "15 4", + "ĠDream s", + "Ġpl ots", + "ĠRun ner", + "Ġhur ting", + "Ġacad emy", + "ĠMont gomery", + "n m", + "ĠL anc", + "ĠAl z", + "2 10", + "el ong", + "Ġretail er", + "Ġar ising", + "Ġrebell ion", + "Ġbl onde", + "play ed", + "Ġinstrument al", + "C ross", + "Ġret ention", + "Ġtherape utic", + "Ġse as", + "Ġinfant ry", + "ĠCl int", + "Ġprompt ing", + "Ġbit ch", + "Ġst ems", + "ĠK ra", + "Ġthe sis", + "ĠB og", + "ru ed", + "Ġk ings", + "Ġcl ay", + "ific ent", + "ĠY ES", + "ĠTh ing", + "ĠCub s", + "vey ard", + "els h", + "in arily", + "ĠE y", + "ĠRoll ing", + "Ġev olving", + "Ind ia", + "Ġrecogn izes", + "Ġgrad uation", + "is ers", + "Ġfert ility", + "ĠMil an", + "Comm and", + "Ġbox ing", + "Ġ19 43", + "Ġgl uten", + "ĠEm ir", + "Ġid ol", + "Ġcon ceived", + "ĠCre ation", + "Mer it", + "udd y", + "uss ions", + "ĠLie utenant", + "iet al", + "Ġunch anged", + "ĠSc ale", + "ĠCrime a", + "ball s", + "ator ial", + "Ġdepth s", + "Ġempir ical", + "Ġtrans m", + "Ġuns afe", + "miss ible", + "com fort", + "15 6", + "Ġmechan ic", + "00 2", + "l ins", + "Ġsm oked", + "P os", + "Ġslow ing", + "Ġl av", + "Tex as", + "Ġche ating", + "ĠMet ropolitan", + "eth yl", + "Ġdiscover ing", + "as se", + "Ġpen cil", + "ĠPy ongyang", + "Ġclos et", + "ĠShe et", + "ĠEnt ry", + "ou stic", + "Ġmy st", + "er ate", + "ari at", + "Ġminer als", + "Ġmusic ian", + "ĠP ul", + "ĠM az", + "24 9", + "Ġper missions", + "Ġ iv", + "en ary", + "ick ers", + "ĠB ing", + "he a", + "en able", + "Ġgri ev", + "Ġassert ed", + "ĠColon el", + "Ġaff idav", + "w o", + "Ġse ated", + "ĠR ide", + "Ġpaint ings", + "ĠP ix", + "Ġ13 7", + "ish i", + "umb ai", + "g otten", + "ĠEar l", + "Ġin ning", + "Ġc ensus", + "Ġtrave lled", + "ĠCons ult", + "18 5", + "b ind", + "Ġsimpl icity", + "Ġoverlook ed", + "ĠHelp ful", + "Ġmon key", + "Ġoverwhelming ly", + "Bl ood", + "ĠFl int", + "ĠJ ama", + "ĠPres ent", + "ĠR age", + "ĠT A", + "pt ive", + "Ġturn out", + "w ald", + "ĠD olphins", + "ĠV PN", + "Ġon ion", + "Ġcraft ing", + "m ma", + "ĠMerc ury", + "Ġarr ange", + "Ġalert s", + "ĠO T", + "zb ollah", + "Ġg ases", + "ĠRichards on", + "s al", + "l ar", + "Ġfro st", + "Ġlower ing", + "Ġacc laim", + "Ġstart ups", + "ĠG ain", + "ess ment", + "Ġguard ian", + "äº º", + "ĠP ie", + "ĠL inks", + "Ġmer its", + "Ġaw ake", + "Ġparent al", + "Ġexceed s", + "Ġid le", + "ĠPil ot", + "Ġe Bay", + "ĠAc cept", + "ipe g", + "C am", + "ĠK ot", + "Ġtrad ers", + "olit ics", + "unk er", + "ĠP ale", + "os i", + "an mar", + "Ġ19 47", + "ĠF ell", + "est ial", + "it ating", + "G F", + "ĠS r", + "if ted", + "Ġconnect or", + "ĠB one", + "ill es", + "2 60", + "h ma", + "Ġoverl ap", + "ĠGit Hub", + "Ġclean er", + "ĠBapt ist", + "ĠW AS", + "Ġlung s", + "Ñ ģ", + "ĠB UT", + "Ġc ite", + "Ġpit ched", + "reat ment", + "Ġtro phies", + "ĠN u", + "38 6", + "ĠPr ide", + "Ġattend ees", + "[ ]", + "17 9", + "Ġspat ial", + "Ġpri zes", + "ĠRel igion", + "Ġshow case", + "ĠC ategory", + "vid ia", + "T arget", + "Pro perty", + "? ,", + "Ġf usion", + "p ie", + "ĠU CLA", + "Ġsound track", + "Ġprin cess", + "ĠC aval", + "sh ould", + "Ġlim bs", + "Back ground", + "Ġlone ly", + "Ġc ores", + "ĠT ail", + "she et", + "Ġ13 2", + "R a", + "ãĤ «", + "ĠB olt", + "Ġbook ed", + "Ġadmin ister", + "Ġequ als", + "w y", + "Ġobserv ing", + "ĠBar on", + "ĠAd obe", + "Ġv irgin", + "ĠSocial ist", + "M ove", + "gh azi", + "ĠLind a", + "2 12", + "Ġbre wing", + "Ġmerch ants", + "bur se", + "Ġdiv or", + "Ġmet als", + "ĠN er", + "Ġsum s", + "ĠEn emy", + "Ġen vision", + "Ġgrant ing", + "ĠH oney", + "ĠSk yrim", + "Ġsoc io", + "gr aded", + "Ġselect ive", + "W ASHINGTON", + "Ġ19 48", + "ĠSir ius", + "ĠG ross", + "act ivity", + "ĠI van", + "Ġfur ious", + "BS D", + "ĠPre vious", + "Ġrespons ive", + "Ġchar itable", + "Ġle aning", + "ĠP ew", + "Ġviol ates", + "\\\\\\\\ \\\\\\\\", + "ĠCom ing", + "w ire", + "Ġpo et", + "Ġres olutions", + "comm and", + "ĠPortug uese", + "Ġnick name", + "Ġde af", + "Feb ruary", + "Ġrecogn ise", + "Ġentire ty", + "Ġseason al", + "pl aced", + "ĠTe legraph", + "Ġmicro phone", + "our ing", + "Ġgr ains", + "Ġgovern ed", + "Ġpost p", + "ĠW aters", + "in ement", + "Ġund ocumented", + "ĠCom cast", + "Ġf ox", + "Ġassault s", + "re on", + "man y", + "ĠJen kins", + "ĠAny way", + "Ġassess ments", + "Ġdown s", + "ĠM ouse", + "Ġsuper b", + "k t", + "ĠD ow", + "Ġtax ation", + "4 01", + "Ġsm iles", + "Ġundert aken", + "Ġex h", + "Ġenthusi astic", + "Ġtw ent", + "Ġgovernment al", + "Ġautonom y", + "ĠTechn ologies", + "ĠCh ain", + "Ġpreval ent", + "f b", + "Ġnic otine", + "og ram", + "j ob", + "Ġawa iting", + "ĠMen u", + "Ġdep uties", + "k ov", + "ish ops", + "But ton", + "ĠShan ghai", + "Ġdies el", + "ĠD uck", + "R yan", + "ĠPC s", + "N F", + "j ury", + "ent e", + "Ġinacc urate", + "edd y", + "Wh atever", + "Ġshow c", + "ĠN ad", + "od us", + "et r", + "Ġplaint iffs", + "ĠW OR", + "ĠAss ange", + "Ġpriv at", + "Ġpremium s", + "Ġt am", + "UR L", + "Ġel ites", + "ĠR anger", + "otten ham", + "ĠH off", + "ĠAt hens", + "Ġdefin ite", + "Ġs ighed", + "Ġeven ly", + "2 11", + "ĠAm ber", + "ak ia", + "Ġmail ing", + "Ġcr ashing", + "ĠConfeder ate", + "ru gged", + "W al", + "ĠDep ths", + "Ġjuven ile", + "Ġreact or", + "Introdu ction", + "ĠDel uxe", + "19 95", + "ĠS anchez", + "ĠM ead", + "iv able", + ": -", + "ĠPlan ning", + "ĠT rap", + "qu in", + "ĠProt ect", + "ve red", + "In formation", + "Ġkid ney", + "inn amon", + "l as", + "Ġpolic ing", + "Ġtoler ate", + "ĠQ i", + "Ġbi ased", + "F ort", + "ĠK i", + "s ave", + "Ġprivile ged", + "Ġbe asts", + "ĠGl as", + "ĠC inem", + "Ġcome back", + "Sund ay", + "Ġext inction", + "h ops", + "Ġtrans mit", + "Ġdoub les", + "ĠFl at", + "16 7", + "Ġdis puted", + "Ġinjust ice", + "f oo", + "V ict", + "role um", + "ĠJul ie", + "Con text", + "ĠR arity", + "iss ue", + "Comp onent", + "Ġcounsel ing", + "an ne", + "d ark", + "Ġobject ions", + "u ilt", + "Ġg ast", + "Ġpl ac", + "Ġun used", + "ãĥ ĩ", + "ĠT rial", + "ĠJ as", + "hed ral", + "ob b", + "Ġtempor al", + "ĠPR O", + "ĠN W", + "ĠAnn iversary", + "L arge", + "Ġther m", + "Ġd avid", + "Ġsystem ic", + "ĠSh ir", + "m ut", + "ĠNe pt", + "add ress", + "Ġscan ning", + "Ġunderstand able", + "Ġcan vas", + "C at", + "ĠZ oo", + "Ġang els", + "L O", + "ĠStat ement", + "ĠS ig", + "ov able", + "ĠA way", + "sh aring", + "ocr ats", + "st ated", + "Ġweigh ing", + "N or", + "w ild", + "B ey", + "Ġaston ishing", + "ĠReyn olds", + "Ġop ener", + "Ġtrain er", + "Ġsurg ical", + "p n", + "Ġadjust ing", + "whe el", + "Ġf rown", + "erv ative", + "Ġsusp end", + "With in", + "te in", + "Ġobst acle", + "Ġliber ties", + "ym es", + "Ġur anium", + "ans om", + "an ol", + "ub a", + "ĠL oss", + "Ġa rous", + "ĠHend erson", + "W ow", + "s pl", + "c ur", + "Ġ Ń", + "Ġtheir s", + "Dam age", + "Ġdownload ing", + "Ġdisc ern", + "ĠSt o", + "ĠFl a", + "Ġh ath", + "ĠA j", + "Ġun pleasant", + "Europe an", + "exp ensive", + "Ġscreens hot", + "ĠU V", + "Ġall ied", + "ĠPers ian", + "Ġmonop oly", + "Ġat om", + "ĠReds kins", + "\"> <", + "Ġcan cell", + "Ġcinem a", + "13 1", + "f air", + "ĠAlf red", + "Ġd uck", + "arg s", + "22 3", + "ĠIS I", + "Ġsign aling", + "in ar", + "Ġlaugh s", + "Ġfor wards", + "Ġreck less", + "Ġlisten ers", + "at ivity", + "Ġvast ly", + "n ant", + "L ess", + "ĠHun ting", + "ĠScient ific", + "IT ED", + "Ġkn ight", + "ĠH TC", + "us a", + "t mp", + "Ġr ude", + "ĠLegend ary", + "Ġar ises", + "B ad", + "ĠCl aim", + "pe g", + "Ġreal ities", + "Th ink", + "Ġ °", + "Ġro de", + "Ġstri ve", + "Ġan ecd", + "Ġshort s", + "Ġhypot hes", + "Ġcoord inated", + "ĠGand hi", + "ĠF PS", + "R ED", + "Ġsuscept ible", + "Ġshr ink", + "ĠCh art", + "Hel p", + "Ġ ion", + "de ep", + "rib es", + "ĠK ai", + "ĠCustom er", + "Sum mary", + "Ġc ough", + "w ife", + "Ġl end", + "Ġposition ing", + "Ġlot tery", + "ĠC anyon", + "Ġf ade", + "Ġbron ze", + "ĠKenn y", + "Ġbo asts", + "ĠEnh anced", + "rec ord", + "Ġemer gence", + "Ġa kin", + "ĠB ert", + "it ous", + "âĸ ij", + "Ġst ip", + "Ġexch anged", + "om ore", + "als h", + "Ġreserv oir", + "Ġstand point", + "W M", + "Ġiniti ate", + "Ġdec ay", + "Ġbrew ery", + "Ġter ribly", + "Ġmort al", + "lev ard", + "Ġrev is", + "N I", + "el o", + "Ġconf ess", + "ĠMS NBC", + "Ġsub missions", + "Cont roller", + "Ġ20 2", + "ĠR uth", + "} );", + "ĠAz ure", + "Ġ .\"", + "20 6", + "ĠMarket ing", + "Ġl aund", + "ien cies", + "Ġrenown ed", + "ĠT rou", + "ĠN GO", + "ble ms", + "Ġterr ified", + "Ġwar ns", + "Ġper t", + "Ġuns ure", + "4 80", + "ale z", + "ult z", + "ĠOut side", + "Ġst yl", + "ĠUnder ground", + "Ġp anc", + "Ġd ictionary", + "Ġf oe", + "rim inal", + "ĠNor wegian", + "Ġj ailed", + "Ġm aternal", + "é e", + "ĠLu cy", + "c op", + "Ch o", + "Ġuns igned", + "ĠZe lda", + "ĠIns ider", + "ĠContin ued", + "Ġ13 3", + "ĠNar uto", + "ĠMajor ity", + "16 9", + "ĠW o", + "ãĤ ĵ", + "Ġpast or", + "Ġinform al", + "Ð ½", + "an throp", + "jo in", + "ãģ Ĺ", + "it ational", + "N P", + "ĠWrit ing", + "f n", + "ĠB ever", + "19 5", + "Ġy elling", + "Ġdr astically", + "Ġe ject", + "Ġne ut", + "Ġth rive", + "ĠFre qu", + "ou x", + "Ġpossess es", + "ĠSen ators", + "ĠD ES", + "ĠSh akespeare", + "ĠFran co", + "ĠL B", + "uch i", + "Ġinc arn", + "Ġfound ers", + "F unction", + "Ġbright ness", + "ĠB T", + "Ġwh ale", + "ĠThe ater", + "m ass", + "ĠD oll", + "S omething", + "Ġecho ed", + "ĠHe x", + "c rit", + "af ia", + "Ġgodd ess", + "Ġele ven", + "ĠPre view", + "ĠAur ora", + "Ġ4 01", + "uls ive", + "ĠLog an", + "in burgh", + "ĠCent ers", + "ĠON LY", + "ĠA id", + "Ġparad ox", + "Ġh urd", + "ĠL C", + "D ue", + "c ourt", + "Ġoff ended", + "Ġeval uating", + "ĠMatthew s", + "Ġto mb", + "Ġpay roll", + "Ġextra ction", + "ĠH ands", + "if i", + "Ġsuper natural", + "ĠCOM M", + "] =", + "dog s", + "Ġ5 12", + "ĠMe eting", + "Rich ard", + "ĠMax imum", + "Ġide als", + "Th ings", + "m and", + "ĠReg ardless", + "Ġhum ili", + "b uffer", + "L ittle", + "ĠD ani", + "ĠN ak", + "Ġliber ation", + "ĠA be", + "ĠO L", + "Ġstuff ed", + "ac a", + "ind a", + "raph ic", + "Ġmos qu", + "Ġcampaign ing", + "Ġoccup y", + "S qu", + "r ina", + "ĠW el", + "ĠV S", + "Ġphys ic", + "Ġp uls", + "r int", + "oad ed", + "ET F", + "ĠArch ives", + "Ġven ues", + "h ner", + "ĠTur bo", + "Ġl ust", + "Ġappeal ed", + "que z", + "il ib", + "ĠTim othy", + "Ġo mn", + "d ro", + "Ġobs ession", + "ĠSav age", + "19 96", + "Gl obal", + "J es", + "2 14", + "Ġsl iding", + "Ġdisapp ro", + "ĠMag ical", + "Ġvolunt arily", + "g b", + "ane y", + "Ġprop het", + "ĠRe in", + "ĠJul ia", + "ĠW orth", + "aur us", + "Ġb ounds", + "ie u", + ")) )", + "Ġcro re", + "ĠCitiz en", + "S ky", + "Ġcolumn ist", + "Ġseek ers", + "ond o", + "IS A", + "ĠL ength", + "Ġnost alg", + "Ġnew com", + "Ġdet rim", + "ent ric", + "3 75", + "ĠG E", + "Ġaut op", + "Ġacadem ics", + "App Data", + "ĠS hen", + "Ġid iot", + "ĠTrans it", + "Ġteasp oon", + "W il", + "K O", + "ĠCom edy", + "> ,", + "Ġpop ulated", + "W D", + "Ġp igs", + "ĠO culus", + "Ġsymp athetic", + "Ġmar athon", + "19 8", + "Ġseiz ure", + "s ided", + "Ġd op", + "irt ual", + "L and", + "ĠFl oor", + "osa urs", + "... ]", + "Ġl os", + "Ġsubsid iary", + "E Y", + "ĠPart s", + "ĠSt ef", + "ĠJud iciary", + "Ġ13 4", + "Ġmir rors", + "Ġk et", + "t imes", + "Ġneuro log", + "Ġc av", + "ĠGu est", + "Ġtum or", + "sc ill", + "ĠLl oyd", + "E st", + "Ġcle arer", + "Ġstere otypes", + "Ġd ur", + "not hing", + "Red dit", + "Ġnegoti ated", + "---------------- --------", + "23 5", + "Ġfl own", + "ĠSe oul", + "ĠRes ident", + "ĠS CH", + "Ġdisappear ance", + "ĠV ince", + "g rown", + "Ġgrab s", + "r il", + "ĠInf inite", + "ĠTw enty", + "Ġpedest rian", + "Ġjer sey", + "ĠF ur", + "ĠInf inity", + "ĠEll iott", + "Ġment or", + "Ġmor ally", + "Ġob ey", + "sec ure", + "iff e", + "Ġantib iotics", + "ang led", + "ĠFre eman", + "ĠIntrodu ction", + "J un", + "Ġm arsh", + "ic ans", + "ĠEV ENTS", + "och ond", + "W all", + "icult y", + "Ġmisdem eanor", + "Ġl y", + "Th omas", + "ĠRes olution", + "Ġanim ations", + "ĠD ry", + "Ġinter course", + "ĠNew castle", + "ĠH og", + "ĠEqu ipment", + "17 7", + "Ġterrit orial", + "Ġarch ives", + "20 3", + "Fil ter", + "ĠMun ich", + "Ġcommand ed", + "ĠW and", + "Ġpit ches", + "ĠCro at", + "Ġrat ios", + "ĠM its", + "Ġaccum ulated", + "ĠSpecific ally", + "Ġgentle man", + "acer b", + "Ġp enn", + "Ġa ka", + "ĠF uk", + "Ġinterven e", + "ĠRef uge", + "ĠAlz heimer", + "Ġsuccess ion", + "oh an", + "d oes", + "L ord", + "Ġsepar at", + "Ġcorrespond ence", + "Ġsh iny", + "P rior", + "Ġs ulf", + "Ġmiser able", + "Ġded ication", + "( ).", + "Ġspecial ists", + "Ġdefect s", + "ĠC ult", + "ĠX ia", + "Ġje opard", + "ĠO re", + "Ab ility", + "Ġle ar", + "Ġamb itions", + "ĠB MI", + "ĠArab s", + "Ġ19 42", + "Ġpres ervation", + "ific ate", + "Ġash amed", + "l oss", + "ĠRest aur", + "Ġrese mble", + "Ġen rich", + "ĠK N", + "ĠCl an", + "fl oat", + "Ġplay able", + "IT T", + "Ġharm ony", + "arr ison", + "ĠWe instein", + "w ere", + "Ġpoison ing", + "ĠCom put", + "ĠWord Press", + "m ajor", + "ĠVal ve", + "F an", + "ĠTh row", + "ĠRom ans", + "ĠDep ression", + "ad os", + "Ġtort ured", + "Ġbal ancing", + "bott om", + "Ġacqu iring", + "ĠMon te", + "ard i", + "Ġa ura", + "Ġ# #", + "ĠStand ing", + "ĠAtl as", + "C F", + "Ġintr ins", + "ĠBen ghazi", + "Ġcamp ing", + "Ġt apped", + "bl ade", + "st rous", + "ĠR abb", + "ĠW ritten", + "t ip", + "ĠNe igh", + "ster dam", + "ĠAll ow", + "ĠHe aling", + "ĠR hod", + "n um", + "Ġcaffe ine", + "ĠPer cent", + "Ġbo o", + "Ġapp les", + "30 5", + "Ġwel coming", + "Ġappl aud", + "Ġa usterity", + " ±", + "ĠRe ality", + "ef e", + "å ®", + "Ġsu cks", + "Ġtab s", + "ĠPay Pal", + "Ġback pack", + "Ġgif ted", + "abul ary", + "ĠSc out", + "ir teen", + "Ġch in", + "Ġo mitted", + "Ġnegative ly", + "Ġaccess ing", + "ĠE arn", + "Ġambul ance", + "Ġhead phones", + "Ġ20 5", + "ĠRef resh", + "p resident", + "ĠKit chen", + "ĠEnt ered", + "ĠS nyder", + "00 5", + "om ical", + "Ġborrow ed", + "ĠN em", + "Ġav iation", + "Ġst all", + "rim ination", + "Ġuniform s", + "it ime", + "ĠSim mons", + "ener gy", + "ab lished", + "y y", + "qual ified", + "Ġrall ies", + "ĠSt uart", + "fl ight", + "Ġgang s", + "r ag", + "Ġv ault", + "lu x", + "ĠCom par", + "Ġdesign ation", + "20 9", + "ĠJ os", + "d ollar", + "z ero", + "Ġwell s", + "30 3", + "Ġconstitu ents", + "Ġhe ck", + "Ġc ows", + "Ġcommand ers", + "Ġdifferent ial", + "ĠC atherine", + "29 9", + "Ġval ve", + "Ġbr ace", + "Ġperspect ives", + "c ert", + "f act", + "icular ly", + "ĠMc N", + "pl anes", + "Ġint ric", + "Ġpe as", + "ov an", + "Ġtoss ed", + "ret ch", + "ĠL opez", + "Ġunf amiliar", + "de ath", + "ĠA part", + "ĠCh ang", + "Ġrelie ved", + "rop he", + "Ġair ports", + "Ġfre ak", + "ut il", + "M ill", + "ĠCh in", + "ĠOw en", + "m ale", + "ĠBro ken", + "ĠWind s", + "ro b", + "r ising", + "Ġfire fighters", + "Ġauthor itarian", + "Ġ14 8", + "Bit coin", + "ex ternal", + "Ġbrow sers", + "iche ver", + "or ian", + "Ġun b", + "Ġpo ke", + "ĠZ ot", + "M id", + "ĠPop ular", + "Ġco vert", + "Ġcont ributes", + "Ġ6 50", + "Ġcont ention", + "G ate", + "Ġcons oles", + "Ġchrom os", + "ĠI X", + "Ġvis ually", + "ĠE isen", + "Ġjewel ry", + "Ġdeleg ation", + "Ġacceler ate", + "ĠR iley", + "Ġsl ope", + "Ġind oor", + "it ially", + "Ġhuge ly", + "Ġtun nels", + "Ġfin ed", + "Ġdirect ive", + "Ġfore head", + "ustom ed", + "Ġsk ate", + "Mus ic", + "g as", + "Ġrecogn izing", + "am bo", + "Ġover weight", + "ĠGr ade", + "Ù Ĭ", + "Ġsound ing", + "Ġlock ing", + "ĠR EM", + "St ore", + "Ġexc av", + "ĠLike wise", + "ĠL ights", + "Ġel bow", + "ĠSupp ly", + "w ic", + "Ġhands ome", + "19 94", + "C oll", + "Ġadequ ately", + "ĠAssoci ate", + "Ġstri ps", + "Ġcrack down", + "Ġmar vel", + "ĠK un", + "Ġpass ages", + "@@ @@", + "ĠT all", + "Ġthought ful", + "names e", + "Ġprost itution", + "bus iness", + "Ġball istic", + "person al", + "c ig", + "iz ational", + "R ound", + "ĠÂłĠÂł ĠÂłĠÂł", + "ĠCole man", + "Ġadm itting", + "ĠPl ug", + "Ġbit coins", + "ĠSu z", + "Ġfair ness", + "Ġsupp lier", + "Ġcatast rophic", + "ĠHel en", + "o qu", + "M arc", + "ĠArt icles", + "g ie", + "Ġend angered", + "Ġdest iny", + "ĠVol t", + "ol ia", + "ax is", + "Ġche at", + "Ġun ified", + "IC O", + "qu ote", + "30 2", + "ĠS ed", + "Ġsupp ression", + "Ġanaly zing", + "Ġsqu at", + "Ġfig uring", + "Ġcoordin ates", + "Ġch unks", + "Ġ19 46", + "Ġsub p", + "Ġw iki", + "ĠFor bes", + "ĠJ upiter", + "ĠE rik", + "im er", + "ĠCom mercial", + "\\ )", + "Ġlegitim acy", + "Ġd ental", + "ĠMe an", + "Ġdefic its", + "5 50", + "Orig inally", + "ĠHor ror", + "Ġcontam ination", + "ll ah", + "Ġconf isc", + "ĠCl are", + "T B", + "ĠF ailed", + "an ed", + "Ġrul er", + "ĠCont roller", + "Ġfemin ists", + "F ix", + "g ay", + "20 7", + "Ġr abbit", + "Th ird", + "ownt own", + "Ġgl ue", + "Ġvol atile", + "Ġsh ining", + "Ġf oll", + "Ġimp aired", + "Ġsup ers", + "æ Ī", + "Ġcl utch", + "ļé ĨĴ", + "Ġpro let", + "Ġ( !", + "Ġy elled", + "ĠK iev", + "ĠEr n", + "ĠSh ock", + "K B", + "Ġsit uated", + "qu ery", + "ĠN as", + "Ġan nex", + "char acter", + "ĠHol iday", + "Ġautom ation", + "ĠJ ill", + "ĠRem astered", + "Ġl inem", + "Ġwild erness", + "ĠHor izon", + "ĠGu inea", + "A Z", + "Ġmain land", + "Ġsec recy", + "LE ASE", + "Ġp unk", + "ĠProv ince", + "( ),", + "Spe ed", + "Ġhand ing", + "ĠSeb ast", + "S ir", + "r ase", + "Ġj ournals", + "Ġcon gest", + "ĠT ut", + "ir rel", + "Ġschizophren ia", + "Ġmis ogyn", + "health y", + "I ron", + "Ġreact ed", + "- $", + "25 2", + "Ġpl ural", + "Ġpl um", + "Ġbarg ain", + "Ġground ed", + "f inder", + "Ġdis se", + "ĠL az", + "O OD", + "Ġat roc", + "F actory", + "Ġmin ions", + "Ġo ri", + "ĠB rave", + "ĠP RE", + "ĠMy anmar", + "ĠH od", + "Ġexped ition", + "Ġexpl ode", + "ĠCo ord", + "Ġext r", + "ĠB rief", + "ĠAD HD", + "Ġhard core", + "feed ing", + "Ġd ile", + "ĠF ruit", + "Ġvacc ination", + "ĠM ao", + "osp here", + "Ġcont ests", + "- |", + "Ġf ren", + "isp here", + "R om", + "ĠSh arp", + "ĠTre nd", + "Ġdis connect", + "âĢ¢ âĢ¢", + "Ġper secution", + "Ear th", + "Ġhealth ier", + "38 4", + "Ġc ob", + "ĠTr inity", + "OW S", + "AN N", + "Ġspecial ty", + "Ġg ru", + "Ġcooper ative", + "wh y", + "Start ing", + "ĠIss ues", + "st re", + "ens or", + "Ġ18 5", + "Ad v", + "! ?", + "ĠRe vel", + "em ia", + "ĠH ulk", + "Ġcelebr ations", + "ĠS ou", + "ra ud", + "ĠKle in", + "Ġun real", + "con text", + "Ġpartners hips", + "Ġadop ting", + "t ical", + "Ġspl ash", + "ĠHe zbollah", + "c ategory", + "cycl op", + "xt on", + "ĠD ot", + "urd y", + "t z", + "Ġenvelop e", + "ĠN L", + "â ķ", + "Ġwhere in", + "Spe c", + "18 4", + "Ġte lev", + "al iation", + "Ġmyth s", + "å °", + "Ġrig orous", + "Ġcommun icating", + "Ġobser ver", + "Ġre he", + "ĠW ash", + "Ġapolog ized", + "ĠT in", + "Ġexpend itures", + "work ers", + "d ocument", + "Ġhes itate", + "ĠLen in", + "Ġunpredict able", + "Ġrenew al", + "cl er", + "ok ia", + "ĠCON T", + "Ġpost season", + "Tok ens", + "Ġex acerb", + "Ġbet ting", + "Ġ14 7", + "Ġelev ation", + "W ood", + "ĠSol omon", + "19 4", + "00 4", + "out put", + "Ġredu nd", + "ĠM umbai", + "Ġp H", + "Ġreprodu ce", + "ĠD uration", + "MA X", + "Ġb og", + "C BS", + "ĠBal ance", + "ĠS gt", + "ĠRec ent", + "Ġc d", + "Ġpo pped", + "Ġincomp et", + "pro p", + "ay an", + "g uy", + "Pac ific", + "Ġty r", + "Ġ{ {", + "ĠMy stic", + "ĠD ana", + "Ġmast urb", + "Ġge ometry", + "à ¢", + "ĠCor rect", + "Ġtraject ory", + "Ġdistract ed", + "Ġf oo", + "ĠW elsh", + "L uc", + "m ith", + "Ġrug by", + "Ġrespir atory", + "Ġtri angle", + "Ġ2 15", + "Ġunder graduate", + "ĠSuper ior", + "ch anging", + "_ -", + "Ġright ly", + "Ġrefere e", + "Ġluc rative", + "Ġun authorized", + "Ġresemb les", + "ĠGN U", + "ĠDer by", + "Ġpath ways", + "ĠL ed", + "Ġend urance", + "Ġst int", + "Ġcollect or", + "F ast", + "Ġd ots", + "Ġnational s", + "ĠSec urities", + "Ġwh ip", + "Par am", + "Ġlearn s", + "M agic", + "Ġdetail ing", + "m oon", + "Ġbroadcast ing", + "Ġb aked", + "26 5", + "hol m", + "ĠS ah", + "ĠHus sein", + "ĠCourt esy", + "17 4", + "Ġ14 6", + "Ġge ographic", + "pe ace", + "Ġjud ging", + "ĠS tern", + "B ur", + "Ġstory line", + "G un", + "ĠSt ick", + "24 5", + "30 7", + "ãĤ´ ãĥ³", + "ĠAdminist rator", + "Ġbur nt", + "Ġp ave", + "ch oes", + "Ex ec", + "Ġcamp uses", + "Res ult", + "Ġmut ations", + "ĠCh arter", + "Ġcapt ures", + "Ġcomp ares", + "Ġbad ge", + "S cient", + "Ġer ad", + "ier y", + "o i", + "ett es", + "ĠE state", + "Ġst rap", + "Ġproud ly", + "Ġf ried", + "Ġwithd rawn", + "ĠV oy", + "ph ony", + "It ems", + "ĠP ierce", + "b ard", + "Ġann otation", + "ant on", + "ill on", + "Im pro", + "... )", + "Ġhapp ier", + "---- --", + "ad just", + "Ġstaff ers", + "Ġactiv ism", + "Ġper f", + "Ġal right", + "N eed", + "Ġcomm ence", + "Ġopio id", + "ĠAm anda", + "E s", + "ĠP ars", + "ĠK aw", + "W orks", + "24 8", + "Ġind o", + "t c", + "end ant", + "ĠM oto", + "Ġlegal ization", + "OT E", + "Ġtask ed", + "Ġt sp", + "ĠACT IONS", + "16 6", + "Ġrefres hing", + "ĠN R", + "ĠPere z", + "Ġinfring ement", + "S Y", + "List en", + "in ning", + "k u", + "Ġrot ate", + "pro gram", + "ar ah", + "Des ign", + "Ġ( £", + "Ġst oring", + "Ġwar rants", + "Ġjud gement", + "ĠB rist", + "us ually", + "ph oto", + "ĠR an", + "ĠP ine", + "Ġoutrage ous", + "ĠValent ine", + "lu ence", + "ĠEvery body", + "Al tern", + "Ġrele vance", + "Ġtermin ated", + "Ġd essert", + "Ġfulf illed", + "Ġprosecut ed", + "ĠW ords", + "Ġm igrant", + "Ġcultiv ation", + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ", + "idel ity", + "ĠV ern", + "ĠLog in", + "Ġmetaph or", + "ĠT ip", + "Ġrecru its", + "ĠP ig", + "rib ing", + "Ġenthusi asts", + "ex per", + "Ġfright ening", + "ĠH air", + "ans on", + "str ate", + "Ġh i", + "He ight", + "Ġown ing", + "n one", + "Ġdis like", + "Ġkn ives", + "pher d", + "Ġloud ly", + "ĠAP Is", + "Dis play", + "ĠL ac", + "ĠUS S", + "ab l", + "ver ages", + "J ew", + "Ġ17 2", + "ĠHist orical", + "at oon", + "ĠPhys ics", + "in tern", + "Ġwarm th", + "Ġto pp", + "D M", + "Ġgun man", + "Ġem peror", + "od i", + "ãĥ £", + "in atory", + "ĠR ib", + "Ġ13 1", + "ĠSat urn", + "ĠSh ining", + "Ġw aking", + "Qu otes", + "Ġcomed ian", + "en berg", + " ½", + "Ġbelie vers", + "Ġpaper work", + "c ustom", + "Ġle v", + "Ġl ament", + "Ġpour ing", + "22 2", + "p olitical", + "ĠSupp lement", + "m aid", + "Ġcruel ty", + "Ġt read", + "ys ics", + "A w", + "rit es", + "Ġmod ifier", + "ĠP osition", + "Ad am", + "l b", + "ub s", + "Ġimper fect", + "Ġcl usters", + "ĠEngine er", + "ĠC herry", + "Ġinaug uration", + "ĠS au", + "Ġembod iment", + "ĠUn cle", + "Ġover r", + "Ġexplos ions", + "c ule", + "ĠPrinc eton", + "ĠAndre a", + "Ġincorrect ly", + "Ġearn est", + "Ġpil gr", + "ĠS print", + "Ġslee ve", + "Ġhe ars", + "ĠAm azing", + "Ġbrow sing", + "ag in", + "Ġhom eland", + "Ġha w", + "Ġd iving", + "ist ered", + "17 8", + "Ġbarg aining", + "ĠArc ade", + "Ġdeleg ate", + "ters on", + "................................ ................................", + "ĠJackson ville", + "27 5", + "Ġst agn", + "Ġad am", + "ĠSher man", + "C B", + "Ġsub urb", + "ĠFood s", + "Ġconver ting", + "ĠAr ist", + "Ġch ambers", + "l ove", + "Ġam ino", + "ĠG an", + "Ġmad ness", + "m c", + "ĠUS E", + "def ined", + "Ġul tr", + "ind ust", + "Ġw olves", + "l ance", + "Add itionally", + "Ġcr acks", + "as ia", + "ĠRe ason", + "ĠP ump", + "Ġaccident al", + "ĠL aser", + "ĠR id", + "Ġinitial ized", + "ell i", + "Ġun named", + "Ġn oun", + "ĠPass ed", + "Ġhost age", + "ĠEth iop", + "sh irts", + "Ġun rel", + "ĠEmb assy", + "Ġ19 41", + "Ġat oms", + "Ġpur ported", + "16 4", + "ĠF i", + "Ġgall ons", + "ĠMon ica", + "Ġp g", + "en ment", + "Ġsort ed", + "ĠG ospel", + "Ġhe ights", + "Ġtr aced", + "Ġunder going", + "She ll", + "Ġs acks", + "Ġproport ions", + "Ġhall uc", + "F ont", + "ac et", + "Ġwar mer", + "ĠIN TER", + "Ġgrab bing", + "Pl ug", + "Ġreal ization", + "ĠBur ke", + "Ġen chant", + "AT ER", + "ĠSe ed", + "Ġabund ant", + "F M", + "Ġc ivic", + "V s", + "is i", + "Ġv ow", + "Ġre per", + "ĠPartners hip", + "Ġpenet ration", + "Ġax e", + "Ġsh attered", + "ĠZ ombies", + "Ġv inyl", + "ĠAl ert", + "e on", + "Ġoblig ed", + "ĠIll ust", + "ĠPl aza", + "ĠFront ier", + "Ġdavid jl", + "ĠSer ial", + "ĠH av", + "ĠNut rition", + "B i", + "Ġâĸ Ī", + "ĠJ ays", + "lin ux", + "Ġhur ry", + "Ġv oy", + "Ġhop eless", + "ĠSte alth", + "Ġ ãģ", + "ess ors", + "tt le", + "b org", + "ĠSaf ari", + "f ell", + "Ġw ary", + "d ue", + "ĠAb ove", + "H a", + "E LL", + "Ġnot or", + "ĠW on", + "T oo", + "Ġoccup ations", + "Ġposs essions", + "Ġinv iting", + "Ġpred ators", + "Ġacceler ated", + "Ġ15 7", + "uter te", + "ĠC ube", + "e ast", + "acc ount", + "G ive", + "Ġtrans plant", + "red ients", + "id able", + "Ġscreens hots", + "ĠG und", + "ĠF S", + "Ġtravel ers", + "Ġsens ory", + "ĠF iat", + "ĠRock ets", + "İ ĭ", + "_ {", + "F riend", + "Ġchar ming", + "AL S", + "Ġenjoy ment", + "m ph", + "Ġ5 000", + "ĠRE G", + "Ù Ĩ", + "b ia", + "Ġcomp ilation", + "ro st", + "ĠV P", + "ĠSch ne", + "201 9", + "Ġcop ying", + "M ORE", + "ĠFl ore", + "f alls", + "2 15", + "t otal", + "Ġdis ciples", + "d ouble", + "Ġexceed ing", + "Ġsm ashed", + "Ġconcept ual", + "ĠRom ania", + "ĠB rent", + "ĠI CE", + "ĠT ou", + "Ġg rap", + "Ġn ails", + "18 9", + "ãĥ ĺ", + "Ġproc ure", + "e ur", + "Ġconfir ming", + "ĠC ec", + "aw i", + "ĠEd en", + "Ġn g", + "Ġengine ered", + "at ics", + "Ġhook ed", + "Ġdisgust ing", + "ĠMur der", + "ãĤ ¿", + "L ibrary", + "Ġ16 8", + "Al most", + "hem atic", + "Men u", + "ĠNot re", + "ĠJ ur", + "Ġkidn apped", + "Ġhack er", + "ĠJ ade", + "Ġcreep y", + "Ġdraw ings", + "ĠSpons or", + "Ġcycl ists", + "ĠGob lin", + "Ġoptim ized", + "Ġst aged", + "ĠMc D", + "bet ween", + "A ge", + "en o", + "S ex", + "ĠW ide", + "n ings", + "av is", + "Ġincap able", + "ĠK ob", + "Ġreward ing", + "ĠL one", + "oles cent", + "Ġcontract ed", + "Ġstick y", + "J ose", + "B all", + "f est", + "ĠIn put", + "ĠRec ently", + "Ġto mat", + "squ are", + "App lication", + "Ġnit rogen", + "Ġdupl icate", + "ĠRec on", + "ĠD ear", + "L ondon", + "Ġint ra", + "Ġd ock", + "Ġout reach", + "ĠM illion", + "Ġmamm als", + "am pton", + "V AL", + "Ġsn aps", + "Ġd os", + "ĠWh ole", + "ĠRead y", + "T ry", + "ĠWinn ipeg", + "ear ance", + "Ġinc urred", + "ren ched", + "ĠNS W", + "il ot", + "rain e", + "Ġc ube", + "g ot", + "Ġrun way", + "etermin ed", + "ĠHaw ks", + "Ġsurviv or", + "ĠW ish", + "ĠD in", + "ĠDE F", + "ĠV ault", + "18 7", + "Ġmush rooms", + "Ġcris p", + "be y", + "ĠDisco very", + "Ġdevelopment al", + "Ġparad igm", + "Ġcha otic", + "ĠT su", + "Ġ3 33", + "b ons", + "Ġbacter ial", + "Ġcomm its", + "Ġcos mic", + "Ġme ga", + "oc ative", + "ĠP aint", + "ophob ic", + "Ġv ain", + "Ġcar ved", + "ĠTh ief", + "ĠG ul", + "ows hip", + "Ġc ites", + "ĠEd inburgh", + "Ġdimin ished", + "Ġacknowled ges", + "ĠK ills", + "Ġmic row", + "ĠHer a", + "Ġsen iors", + "Ġwhere by", + "H op", + "at ron", + "Ġun available", + "ĠN ate", + "Ġ4 80", + "Ġsl ated", + "ĠRe becca", + "ĠB attery", + "Ġgram mar", + "Ġhead set", + "Ġcurs or", + "Ġex cluding", + "any e", + "aunder ing", + "eb in", + "Ġfeas ible", + "ĠPub lishing", + "ĠLab s", + "ĠCl iff", + "ĠFerr ari", + "Ġp ac", + "vis ible", + "mark ed", + "pe ll", + "Ġpol ite", + "Ġstagger ing", + "ĠGal actic", + "Ġsuper st", + "Ġpar an", + "ĠOffic ers", + "ãĢ ģ", + "Ġspecific s", + "ul us", + "23 9", + "ĠP aste", + "AM P", + "ĠPan ama", + "ĠDe lete", + "angu ard", + "rest rial", + "Ġhero ic", + "ĠD y", + "ا ÙĦ", + "Ġincumb ent", + "Ġcr unch", + "t ro", + "Ġsc oop", + "Ġblog ger", + "Ġsell ers", + "ure n", + "Ġmedic ines", + "ĠC aps", + "ĠAnim ation", + "ox y", + "Ġout ward", + "Ġinqu iries", + "22 9", + "Ġpsych ologist", + "ĠS ask", + "ev il", + "Ġcontam inated", + "ãĤ ¨", + "he rence", + "Ġbrand ed", + "ĠAbd ul", + "z h", + "Ġparagraph s", + "Ġmin s", + "Ġcor related", + "er b", + "Ġimp art", + "Ġmil estone", + "ĠSol utions", + "ot le", + "Ġunder cover", + "Ġmar ched", + "ĠCharg ers", + "f ax", + "ĠSec rets", + "Ġr uth", + "we ather", + "Ġfemin ine", + "Ġsh am", + "Ġprest igious", + "igg ins", + "Ġs ung", + "hist ory", + "ett le", + "gg ie", + "Ġout dated", + "ol and", + "Ġper ceptions", + "ĠS ession", + "ĠDod gers", + "u j", + "ĠE ND", + "D oc", + "Ġdefic iency", + "Gr and", + "ĠJ oker", + "Ġretro spect", + "Ġdiagn ostic", + "Ġharm less", + "Ġro gue", + "ĠA val", + "E qu", + "Ġtrans c", + "ĠRoberts on", + "ĠDep ending", + "ĠBurn s", + "iv o", + "Ġhost ility", + "F eatures", + "ĵ ĺ", + "Ġdis comfort", + "ĠL CD", + "spec ified", + "ĠEx pect", + "3 40", + "Ġimper ative", + "ĠReg ular", + "Ch inese", + "Ġstate wide", + "Ġsy mm", + "Ġlo ops", + "Ġaut umn", + "N ick", + "Ġsh aping", + "Ġqu ot", + "Ġc herry", + "ĠCross ref", + "è¦ ļéĨĴ", + "Stand ard", + "he ed", + "ĠD ell", + "ĠViet namese", + "Ġo st", + "ĠV alkyrie", + "O A", + "Ass ad", + "Ġreb ound", + "ĠTra ffic", + "pl aces", + "æ ĺ", + "ĠB uc", + "17 2", + "Ġshel ters", + "Ġins isting", + "ĠCertain ly", + "ĠKenn eth", + "ĠT CP", + "Ġpen al", + "ĠRe play", + "he ard", + "Ġdial ect", + "iz a", + "ĠF Y", + "it cher", + "ĠD L", + "Ġspir al", + "Ġquarterback s", + "Ġh ull", + "Ġgo ogle", + "Ġto dd", + "ĠSter ling", + "ĠPl ate", + "Ġsp ying", + "mb ol", + "ĠReal m", + "ĠPro ced", + "ĠCr ash", + "Ġtermin ate", + "Ġprotest ing", + "C enter", + "gu ided", + "Ġun cover", + "Ġboy cott", + "Ġreal izes", + "s ound", + "Ġpret ending", + "ĠV as", + "19 80", + "Ġfram ed", + "Ġ13 9", + "Ġdesc ended", + "Ġrehab ilitation", + "Ġborrow ing", + "ĠB uch", + "Ġbl ur", + "R on", + "ĠFro zen", + "en za", + "Ch ief", + "ĠP oor", + "Ġtransl ates", + "M IN", + "Ġ2 12", + "J ECT", + "Ġerupt ed", + "Ġsuccess es", + "S EC", + "Ġpl ague", + "Ġg ems", + "d oms", + "Ġstret ches", + "ĠSp y", + "Ġstory telling", + "C redit", + "ĠP ush", + "Ġtra ction", + "Ġin effective", + "ĠL una", + "Ġt apes", + "Ġanaly tics", + "erc ise", + "Ġprogram mes", + "ĠCar bon", + "Ġbeh old", + "he avy", + "ĠConserv ation", + "ĠF IR", + "Ġs ack", + "ter min", + "ric ks", + "Ġhous ed", + "Ġunus ually", + "I ce", + "Ġexecut ing", + "ĠMor oc", + "ed ay", + "Ġed itions", + "Ġsm arter", + "ĠB A", + "Ġout law", + "Ġvan ished", + "ib a", + "AL SE", + "ĠSil va", + "23 8", + "C ould", + "Ġphilos opher", + "Ġevac uated", + "Sec ret", + "14 2", + "Ġvis as", + "ãĤ ¬", + "ĠM alt", + "ĠClear ly", + "ĠN iger", + "ĠC airo", + "ĠF ist", + "3 80", + "ĠX ML", + "aut o", + "it ant", + "Ġrein forced", + "Rec ord", + "ĠSurviv or", + "G Hz", + "Ġscrew s", + "parent s", + "Ġo ceans", + "ma res", + "Ġbra kes", + "vas ive", + "Ġhell o", + "ĠS IM", + "rim p", + "Ġo re", + "ĠArm our", + "24 7", + "Ġterr ific", + "Ġt ones", + "14 1", + "ĠMin utes", + "Ep isode", + "Ġcur ves", + "Ġinflamm atory", + "Ġbat ting", + "ĠBeaut iful", + "L ay", + "Ġunp op", + "v able", + "Ġr iots", + "ĠTact ics", + "b augh", + "ĠC ock", + "Ġorg asm", + "ĠS as", + "Ġconstruct or", + "et z", + "G ov", + "Ġant agon", + "Ġthe at", + "Ġde eds", + "ha o", + "c uts", + "ĠMc Cl", + "Ġu m", + "ĠScient ists", + "Ġgrass roots", + "ys sey", + "\"] =>", + "Ġsurf aced", + "Ġsh ades", + "Ġneighb ours", + "Ġad vertis", + "oy a", + "Ġmer ged", + "Up on", + "Ġg ad", + "Ġanticip ate", + "Any way", + "Ġsl ogan", + "Ġdis respect", + "I ran", + "ĠT B", + "act ed", + "Ġsubp oen", + "medi ately", + "OO OO", + "Ġwa iver", + "Ġvulner abilities", + "ott esville", + "ĠHuff ington", + "J osh", + "ĠD H", + "M onday", + "ĠEll en", + "K now", + "x on", + "it ems", + "22 8", + "Ġf ills", + "ĠN ike", + "Ġcum ulative", + "and als", + "I r", + "Ġ ì", + "Ġfr iction", + "ig ator", + "Ġsc ans", + "ĠVi enna", + "ld om", + "Ġperform ers", + "P rim", + "Ġb idding", + "M ur", + "Ġlean ed", + "ĠPri x", + "al ks", + "Ġ[ â̦]", + "ĠTw itch", + "ĠDevelop er", + "ĠG ir", + "Ġcall back", + "Ab stract", + "Ġacc ustomed", + "Ġfreed oms", + "ĠP G", + "ur acy", + "Ġl ump", + "is man", + ",, ,,", + "19 92", + "ĠR ED", + "Ġwor m", + "M atch", + "ĠPl atinum", + "I J", + "ĠOwn er", + "Tri via", + "com pl", + "Ġnew born", + "Ġfant as", + "O wn", + "Ġ19 59", + "Ġsymp ath", + "Ġub iqu", + "Ġoutput s", + "Ġal lev", + "Ġpr ag", + "K evin", + "Ġfav ors", + "Ġbur ial", + "Ġn urt", + "so lete", + "c ache", + "Ġ15 6", + "Ġunl ocks", + "te chn", + "M aking", + "Ġcon quer", + "ad ic", + "æ ĸ", + "Ġel f", + "Ġelect orate", + "ĠKurd s", + "ĠSt ack", + "ĠSam urai", + "Ġâ ĺħ", + "Ġ{ }", + "ĠS aid", + "ĠFall out", + "Ġkind ness", + "ĠCustom s", + "ĠBou levard", + "Ġhelicop ters", + "ot ics", + "ĠVe get", + "com ment", + "Ġcritic ised", + "Ġpol ished", + "ĠRem ix", + "ĠC ultural", + "Ġrec ons", + "Ġdo i", + "at em", + "Sc reen", + "Ġbar red", + "Com ments", + "ĠGener ally", + "Ġsl ap", + "7 20", + "V ari", + "p ine", + "Ġem pt", + "Ġh ats", + "ĠPlay ing", + "l ab", + "a verage", + "form s", + "ĠC otton", + "Ġcan s", + "ĠD ON", + "ĠSom alia", + "C rypt", + "ĠIncre ases", + "E ver", + "mod ern", + "Ġsur geon", + "3 000", + "Ġrandom ized", + "================================ ================================", + "B ern", + "im pl", + "ĠC OR", + "Ġpro claim", + "th ouse", + "Ġto es", + "Ġam ple", + "Ġpres erving", + "Ġdis bel", + "gr and", + "B esides", + "Ġsil k", + "ĠPat tern", + "h m", + "Ġenter prises", + "Ġaffidav it", + "ĠAdvis ory", + "Ġadvert ised", + "ĠRel igious", + "se ctions", + "psy ch", + "ĠField s", + "aw ays", + "Ġhasht ag", + "ĠNight mare", + "Ġv ampire", + "Ġfore nsic", + "rosso ver", + "n ar", + "Ġn avy", + "Ġvac ant", + "ĠD uel", + "Ġhall way", + "Ġface book", + "ident ally", + "ĠN RA", + "Ġm att", + "Ġhur ricane", + "ĠKir by", + "ĠP uzzle", + "Ġsk irt", + "ou st", + "du llah", + "Ġanal ogy", + "in ion", + "Ġtomat oes", + "ĠN V", + "ĠPe ak", + "ĠMe yer", + "Ġappoint ments", + "Ġm asc", + "Ġal ley", + "re hend", + "Ġchar ities", + "Ġund o", + "Ġdest inations", + "ĠTest ing", + "\"> \"", + "c ats", + "* .", + "Ġgest ures", + "gener al", + "Le ague", + "Ġpack ets", + "ĠInspect or", + "ĠBer g", + "Ġfraud ulent", + "Ġcritic ize", + "F un", + "Ġbl aming", + "nd ra", + "Ġsl ash", + "ĠE ston", + "Ġpropos ing", + "Ġwh ales", + "Ġtherap ist", + "Ġsub set", + "Ġle isure", + "EL D", + "ĠC VE", + "ĠAct ivity", + "Ġcul min", + "sh op", + "ĠD AY", + "is cher", + "ĠAdmir al", + "ĠAtt acks", + "Ġ19 58", + "Ġmem oir", + "Ġfold ed", + "Ġsex ist", + "Ġ15 3", + "ĠL I", + "Ġread ings", + "Ġembarrass ment", + "ĠEmploy ment", + "w art", + "ch in", + "Ġcontin uation", + "l ia", + "Rec ently", + "Ġd uel", + "Ġevac uation", + "ĠKash mir", + "Ġdis position", + "ĠR ig", + "Ġbol ts", + "Ġins urers", + "4 67", + "M ex", + "Ġret aliation", + "Ġmis ery", + "Ġunre asonable", + "r aining", + "I mm", + "ĠP U", + "em er", + "Ġgen ital", + "ãĤ ³", + "ĠC andy", + "Ġon ions", + "ĠP att", + "lin er", + "Ġconced ed", + "Ġf a", + "Ġfor c", + "ĠH ernandez", + "ĠGe off", + "deb ian", + "ĠTe ams", + "Ġc ries", + "Ġhome owners", + "23 7", + "A BC", + "Ġst itch", + "Ġstat istic", + "Ġhead ers", + "ĠBi ology", + "Ġmot ors", + "ĠG EN", + "ĠL ip", + "Ġh ates", + "Ġhe el", + "S elf", + "i pl", + "ED IT", + "ort ing", + "Ġann ot", + "ĠSpe ech", + "old emort", + "ĠJ avascript", + "ĠLe Bron", + "Ġfoot print", + "Ġf n", + "Ġseiz ures", + "n as", + "h ide", + "Ġ19 54", + "ĠBe e", + "ĠDecl aration", + "ĠKat ie", + "Ġreserv ations", + "N R", + "f emale", + "Ġsatur ated", + "Ġb iblical", + "Ġtroll s", + "Dev ice", + "ph otos", + "Ġdr ums", + "ãĥīãĥ© ãĤ´ãĥ³", + "N ight", + "f ighter", + "ĠH ak", + "ri ber", + "Ġc ush", + "Ġdiscipl inary", + "ba um", + "ĠG H", + "ĠSch midt", + "ilib rium", + "Ġs ixty", + "ĠKush ner", + "ro ts", + "Ġp und", + "ĠR ac", + "Ġspr ings", + "Ġcon ve", + "Bus iness", + "F all", + "Ġqual ifications", + "Ġvers es", + "Ġnarc iss", + "ĠK oh", + "ĠW ow", + "ĠCharl ottesville", + "ed o", + "Ġinterrog ation", + "ĠW ool", + "36 5", + "B rian", + "Ġâľ ĵ", + "Ġalleg es", + "ond s", + "id ation", + "ĠJack ie", + "y u", + "Ġl akes", + "Ġworth while", + "Ġcryst als", + "ĠJud a", + "Ġcomp rehend", + "Ġfl ush", + "Ġabsor ption", + "ĠO C", + "Ġfright ened", + "ĠCh ocolate", + "Mart in", + "Ġbu ys", + "Ġbu cks", + "Ġapp ell", + "ĠChampions hips", + "Ġlist ener", + "ĠDef ensive", + "Ġc z", + "ud s", + "ĠM ate", + "Ġre play", + "Ġdecor ated", + "Ġs unk", + "ĠV IP", + "ĠAn k", + "Ġ19 5", + "aa aa", + "Nob ody", + "ĠMil k", + "ĠG ur", + "ĠM k", + "ĠS ara", + "Ġse ating", + "ĠW id", + "Tr ack", + "Ġemploy s", + "Ġgig antic", + "AP P", + "ãĤ §", + "in ventory", + "Ġtow el", + "at che", + "l asting", + "ĠT L", + "Ġlat ency", + "Ġkn e", + "B er", + "me aning", + "Ġup held", + "Ġplay ground", + "Ġm ant", + "S ide", + "Ġstere o", + "Ġnorth west", + "Ġexception ally", + "Ġr ays", + "Ġrec urring", + "D rive", + "Ġup right", + "Ġab duct", + "ĠMar athon", + "Ġgood bye", + "Ġal phabet", + "h p", + "Ġcourt room", + "ring ton", + "ot hing", + "T ag", + "Ġdiplom ats", + "Ġbar bar", + "ĠAqu a", + "18 3", + "33 33", + "Ġmat urity", + "Ġinst ability", + "ĠAp ache", + "Ġ= ==", + "Ġfast ing", + "ĠGr id", + "Mod Loader", + "Ġ15 2", + "A bs", + "ĠOper ating", + "ett i", + "Ġacqu aint", + "Don nell", + "ĠK em", + "ĠFor ge", + "Ġarm ored", + "M il", + "Ġphilos ophers", + "in vest", + "Pl ayers", + "â Ī", + "Ġmy riad", + "Ġcomr ades", + "R ot", + "Ġremember ing", + "Ġcorrespond s", + "Ġprogram mers", + "ĠLyn n", + "Ġo lig", + "Ġco herent", + "yn chron", + "ĠChem ical", + "Ġj ugg", + "p air", + "post s", + "E ye", + "ĠIn ner", + "Ġsem ester", + "ott est", + "ĠEmir ates", + "ric anes", + "or ously", + "m its", + "ĠW is", + "Ġd odge", + "l ocation", + "Ġf aded", + "Am azon", + "ĠPro ceed", + "ĠIN FO", + "j ournal", + "ĠTru ck", + "T en", + "Ġ2 17", + "Ġstat utes", + "m obile", + "ĠT ypes", + "Rec omm", + "b uster", + "pe x", + "Ġleg ends", + "Ġhead ache", + "f aced", + "ĠWi Fi", + "if ty", + "ĠH ER", + "Ġcirc uits", + "ER ROR", + "22 6", + "ol in", + "Ġcyl inder", + "osp ace", + "ik ers", + "P rem", + "Qu ant", + "Ġconflic ting", + "Ġslight est", + "Ġfor ged", + "ion age", + "Step hen", + "ĠK ub", + "ĠOpp ortun", + "ĠHe al", + "Ġbl o", + "Ġrul ers", + "Ġh uh", + "Ġsubmar ine", + "f y", + "ass er", + "Ġallow ance", + "ĠKas ich", + "ĠT as", + "ĠAustral ians", + "Forge ModLoader", + "ĠâĨ ij", + "ĠMat rix", + "am ins", + "Ġ12 00", + "ĠAc qu", + "23 6", + "D ocument", + "ĠBre aking", + "19 3", + "ĠSub st", + "ĠRoll er", + "ĠPro perties", + "ĠN I", + "t ier", + "Ġcr ushing", + "Ġadvoc ating", + "Further more", + "keep ers", + "Ġsex ism", + "x d", + "Ġcall er", + "ĠS ense", + "chie ve", + "ĠT F", + "Ġfuel ed", + "Ġreminis cent", + "Ġobs ess", + "ur st", + "Ġup hold", + "ĠF ans", + "het ics", + "Ġâ Ĺ", + "ĠB ath", + "Ġbe verage", + "Ġo scill", + "25 4", + "Ġpol es", + "Ġgrad ual", + "Ġex ting", + "ĠS uff", + "ĠS uddenly", + "Ġlik ing", + "Ġ19 49", + "un ciation", + "am ination", + "ĠO mar", + "ĠL V", + "ĠCon sequently", + "Ġsynt hes", + "ĠG IF", + "Ġp ains", + "Ġinteract ing", + "u ously", + "inc re", + "Ġrum or", + "ĠScient ology", + "19 7", + "ĠZ ig", + "Ġspe lling", + "ĠA SS", + "Ġexting u", + "ms on", + "Ġg h", + "Ġremark ed", + "ĠStrateg ic", + "ĠM ON", + "å ¥", + "g ae", + "ĠWH AT", + "E ric", + "ĠCamp us", + "Ġmeth ane", + "Ġimag in", + "J UST", + "ĠAl m", + "X T", + "i q", + "ĠR SS", + "Ġwrong doing", + "att a", + "Ġbig ot", + "Ġdemonstr ators", + "ĠCal vin", + "ĠV illa", + "Ġmembr ane", + "ĠAw esome", + "Ġbenef ic", + "26 8", + "Ġmagn ificent", + "ĠL ots", + "G reg", + "ĠBor is", + "Ġdetain ees", + "ĠH erman", + "Ġwhis pered", + "Ġa we", + "Prof essor", + "fund ing", + "Ġphys iological", + "ĠDest ruction", + "Ġlim b", + "Ġmanip ulated", + "Ġbub bles", + "Ġpse ud", + "Ġhyd ra", + "ĠBrist ol", + "Ġst ellar", + "ĠExp ansion", + "ĠK ell", + "ĠInterest ingly", + "Ġm ans", + "Ġdrag ging", + "Ġec ological", + "ĠF it", + "Ġg ent", + "Ġbenef ited", + "ĠHait i", + "Ġpoly g", + "ãĥ İ", + "Ġ20 30", + "Ġpro w", + "Ġrecon struction", + "Ġwas t", + "Ġpsych ic", + "ĠGree ks", + "Hand ler", + "16 2", + "ĠP ulse", + "Ġsol icit", + "Ġsy s", + "Ġinflu x", + "ĠG entle", + "per cent", + "Ġprolifer ation", + "Ġtax able", + "Ġdisreg ard", + "Ġesc aping", + "Ġg inger", + "Ġwith stand", + "Ġdevast ated", + "ĠD ew", + "ser ies", + "Ġinject ed", + "ela ide", + "Ġturn over", + "he at", + "Ļ Ĥ", + "H appy", + "ĠSil ent", + "ãĤ Ń", + "iv ism", + "Ġir rational", + "AM A", + "Ġre ef", + "r ub", + "Ġ16 2", + "Ġbank ers", + "ĠEth ics", + "v v", + "Ġcritic isms", + "K n", + "18 6", + "M ovie", + "ĠT ories", + "Ġno od", + "Ġdist ortion", + "F alse", + "od ore", + "Ġt asty", + "Res earch", + "ĠU ID", + "- )", + "Ġdivor ced", + "ĠM U", + "ĠHay es", + "ĠIs n", + "ian i", + "ĠH Q", + "Ġ\" #", + "ign ant", + "Ġtra umatic", + "ĠL ing", + "H un", + "Ġsab ot", + "on line", + "r andom", + "Ġren amed", + "ra red", + "K A", + "d ead", + "é t", + "ĠAss istance", + "Ġse af", + "++++ ++++", + "Ġse ldom", + "ĠWeb b", + "Ġbo olean", + "u let", + "Ġref rain", + "ĠDI Y", + "ru le", + "Ġshut ting", + "Ġutil izing", + "load ing", + "ĠPar am", + "co al", + "oot er", + "Ġattract ing", + "ĠD ol", + "Ġher s", + "ag netic", + "ĠRe ach", + "im o", + "Ġdisc arded", + "ĠP ip", + "01 5", + "ü r", + "Ġm ug", + "Im agine", + "C OL", + "Ġcurs ed", + "ĠSh ows", + "ĠCurt is", + "ĠSach s", + "spe aking", + "ĠV ista", + "ĠFram ework", + "ong o", + "Ġsub reddit", + "Ġcr us", + "ĠO val", + "R ow", + "g rowing", + "Ġinstall ment", + "Ġgl ac", + "ĠAdv ance", + "EC K", + "ĠLGBT Q", + "LE Y", + "Ġac et", + "Ġsuccess ive", + "ĠNic ole", + "Ġ19 57", + "Qu ote", + "Ġcircumst ance", + "ack ets", + "Ġ14 2", + "ort ium", + "Ġguess ed", + "ĠFr ame", + "Ġperpet rators", + "ĠAv iation", + "ĠBen ch", + "Ġhand c", + "A p", + "Ġ19 56", + "25 9", + "r and", + "Net Message", + "d in", + "urt les", + "h ig", + "ĠV III", + "ff iti", + "ĠSw ords", + "b ial", + "Ġkidn apping", + "dev ice", + "Ġb arn", + "ĠEl i", + "auc as", + "S end", + "Con structed", + "Ġ ½", + "Ġneed les", + "Ġad vertisements", + "Ġv ou", + "Ġexhib ited", + "ĠFort ress", + "As k", + "B erry", + "TY PE", + "Ġcan cers", + "ump ing", + "ĠTerrit ory", + "Ġpr ud", + "Ġn as", + "Ġathe ist", + "Ġbal ances", + "ãģ Ł", + "ĠSh awn", + "& &", + "Ġland sc", + "ĠR GB", + "Ġpet ty", + "Ġex cellence", + "Ġtransl ations", + "Ġpar cel", + "ĠChe v", + "E ast", + "ĠOut put", + "im i", + "Ġamb ient", + "ĠTh reat", + "Ġvill ains", + "Ġ5 50", + "IC A", + "Ġtall er", + "Ġle aking", + "c up", + "Ġpol ish", + "Ġinfect ious", + "ĠK C", + "Ġ@ @", + "back ground", + "Ġbureaucr acy", + "ĠS ai", + "un less", + "it ious", + "ĠSky pe", + "At l", + "ID ENT", + "00 8", + "Ġhyp ocr", + "Ġpit chers", + "Ġguess ing", + "ĠF INAL", + "Bet ween", + "Ġvill agers", + "Ġ25 2", + "f ashion", + "ĠTun is", + "Be h", + "ĠEx c", + "ĠM ID", + "28 8", + "ĠHas kell", + "19 6", + "ĠN OR", + "Ġspec s", + "Ġinv ari", + "Ġgl ut", + "ĠC ars", + "Ġimp ulse", + "Ġhon ors", + "g el", + "Ġjurisd ictions", + "ĠBund le", + "ul as", + "Calif ornia", + "ĠIncre ase", + "Ġp ear", + "Ġsing les", + "Ġc ues", + "Ġunder went", + "ĠW S", + "Ġexagger ated", + "Ġdub ious", + "Ġfl ashing", + "L OG", + ") ].", + "J ournal", + "t g", + "V an", + "ĠI stanbul", + "ĠIn sp", + "ĠFrank en", + "D raw", + "Ġsad ness", + "Ġiron ic", + "ĠF ry", + "x c", + "Ġ16 4", + "is ch", + "W ay", + "ĠProtest ant", + "h orn", + "Ġun aff", + "ĠV iv", + "ill as", + "ĠProduct ions", + "ĠH ogan", + "Ġper imeter", + "ĠS isters", + "Ġspont aneous", + "Ġdown side", + "Ġdescend ants", + "Ġor n", + "w orm", + "Japan ese", + "Ġ19 55", + "Ġ15 1", + "ĠDo ing", + "els en", + "umb les", + "Ġrad ically", + "ĠDr um", + "ĠB ach", + "Ġli abilities", + "ĠO B", + "ĠElement ary", + "Ġmem e", + "yn es", + "Ġfinger print", + "ĠGr ab", + "Ġundert ake", + "Mem bers", + "ĠRead er", + "ĠSim s", + "g od", + "Ġhypot hetical", + "s cient", + "ĠA J", + "Ġchar ism", + "Ġad missions", + "ĠMiss ile", + "tr ade", + "Ġexerc ising", + "ĠBack ground", + "W ritten", + "Ġvoc als", + "whe ther", + "Ġv i", + "ĠW inner", + "Ġl itter", + "ĠSh ooting", + "ST EM", + "ãĤ ¡", + "ĠA FL", + "Ġvari ability", + "Ġe ats", + "ĠD PS", + "b row", + "Ġeleph ants", + "Ġstr at", + "Ġ Å", + "Ġsett lers", + "Matt hew", + "Ġin advert", + "H I", + "ĠIM F", + "ĠGo al", + "Ġnerv es", + "John son", + "ey e", + "ablish ment", + "Th ursday", + "BIL ITY", + "H ad", + "am oto", + "het amine", + "ep s", + "Ġmit ochond", + "Ġcomp ressed", + "ĠTre vor", + "ĠAnim als", + "T ool", + "L ock", + "Ġtwe ak", + "Ġpin ch", + "Ġcancell ation", + "P ot", + "Ġfoc al", + "ĠAst ron", + "17 3", + "ĠA SC", + "ĠO THER", + "umn i", + "Ġdem ise", + "d l", + "Ù ħ", + "Sem itism", + "Ġcr acking", + "Ġcollabor ative", + "Ġexpl ores", + "s ql", + "Ġher bs", + "Ġconfig urations", + "m is", + "ĠRes ult", + "ace y", + "ĠSm oke", + "Ġsan ct", + "el ia", + "Ġdeg ener", + "Ġdeep est", + "Ġscream ed", + "Ġn ap", + "Soft ware", + "ĠST AR", + "E F", + "ĠX in", + "spons ored", + "mans hip", + "23 3", + "Ġprim aries", + "Ġfilter ing", + "Ġas semble", + "m il", + "ĠMy ers", + "b ows", + "Ġpun ched", + "M ic", + "Ġinnov ations", + "Ġfun c", + "and o", + "Ġfr acking", + "ĠV ul", + "о Ð", + "osh op", + "ĠIm mun", + "Ġsett ling", + "Ġadolesc ents", + "Ġreb uilding", + "Ġtransform ing", + "Ġpar ole", + "Ġhar bor", + "Ġbook ing", + "ot ional", + "onge vity", + "ĠY o", + "b ug", + "Ġemer ges", + "ĠMethod s", + "ĠCh u", + "P res", + "ĠDun geons", + "Ġtra iling", + "ĠR um", + "ĠH ugh", + "å¤ ©", + "ĠE ra", + "ĠBatt les", + "Res ults", + "ĠTr ading", + "Ġvers a", + "c ss", + "ax ies", + "he et", + "Ġgre ed", + "19 89", + "Ġgard ens", + "Ġconting ent", + "P ark", + "ĠLeaf s", + "h ook", + "ro be", + "Ġdiplom acy", + "ĠF uel", + "ĠInv asion", + "Ġupgr ading", + "M ale", + "Ġe lic", + "Ġrelent less", + "ĠCo venant", + "ap esh", + "ĠT rop", + "T y", + "pro duction", + "art y", + "Ġpun ches", + "ak o", + "cyclop edia", + "ĠR abbit", + "ĠHD MI", + "Ġ14 1", + "Ġf oil", + "Item Image", + "ĠF G", + "Ġimplement ations", + "ĠP om", + "ixt ures", + "Ġaw ait", + "Ġ3 30", + "am us", + "Ġumb rella", + "Ġfore see", + "se par", + "Ġcircum cision", + "Ġperipher al", + "S ay", + "ĠExper t", + "In c", + "Ġwithd rew", + "ĠAnd ers", + "f ried", + "Ġradio active", + "ĠOp ening", + "Ġboard ing", + "ĠN D", + "Ġover throw", + "Act iv", + "W P", + "ĠAct s", + "× Ļ", + "Ġmot ions", + "v ic", + "ĠM ighty", + "ĠDef ender", + "a er", + "Ġthank ful", + "ĠK illing", + "ĠBr is", + "mo il", + "Ġpredict ing", + "26 6", + "ch oice", + "Ġkill ers", + "Ġinc ub", + "ĠChe st", + "ather ing", + "Ġpro claimed", + "fl ower", + "oss om", + "umbled ore", + "ĠCy cling", + "ĠOccup y", + "AG ES", + "P en", + "ĠY ug", + "Ġpack aged", + "Ġheight ened", + "c ot", + "st ack", + "C ond", + "Ġst amps", + "m age", + "Ġpersu aded", + "Ġens l", + "ĠCard inal", + "Ġsol itary", + "Ġpossess ing", + "ĠC ork", + "Ġev id", + "ĠT ay", + "Ġbl ues", + "Ġextrem ism", + "Ġlun ar", + "Ġcl own", + "Te chn", + "Ġfest ivals", + "ĠPv P", + "ĠL ar", + "Ġconsequ ently", + "p resent", + "Ġsom eday", + "ç İĭ", + "ĠMet eor", + "Ġtour ing", + "c ulture", + "Ġbe aches", + "S hip", + "c ause", + "ĠFl ood", + "ãĥ ¯", + "Ġpur ity", + "th ose", + "Ġem ission", + "b olt", + "Ġch ord", + "ĠScript ure", + "L u", + "Ġ$ {", + "cre ated", + "Other s", + "25 8", + "Ġelement al", + "Ġannoy ed", + "ĠA E", + "d an", + "ĠS ag", + "Res earchers", + "Ġfair y", + "âĢĵ âĢĵ", + "======== ====", + "Sm art", + "GG GG", + "Ġskelet ons", + "Ġpup ils", + "link ed", + "Ġur gency", + "en abled", + "ĠF uck", + "Ġcoun cill", + "r ab", + "U AL", + "T I", + "Ġlif es", + "Ġconf essed", + "B ug", + "Ġharm on", + "ĠCON FIG", + "ĠNe utral", + "D ouble", + "Ġst aple", + "ĠSH A", + "Brit ish", + "ĠSN P", + "AT OR", + "oc o", + "Ġswing ing", + "ge x", + "ole on", + "pl ain", + "ĠMiss ing", + "ĠTro phy", + "v ari", + "ran ch", + "Ġ3 01", + "4 40", + "00000000 00000000", + "Ġrest oring", + "Ġha ul", + "uc ing", + "ner g", + "Ġfut ures", + "Ġstrateg ist", + "quest ion", + "Ġlater al", + "ĠB ard", + "Ġs or", + "ĠRhod es", + "ĠD owntown", + "????? -", + "ĠL it", + "ĠB ened", + "Ġco il", + "st reet", + "ĠPort al", + "FI LE", + "ĠG ru", + "* ,", + "23 1", + "ne um", + "Ġsuck ed", + "Ġr apper", + "Ġtend encies", + "ĠLaure n", + "cell aneous", + "26 7", + "Ġbrow se", + "Ġover c", + "head er", + "o ise", + "Ġbe et", + "ĠG le", + "St ay", + "Ġm um", + "Ġtyp ed", + "Ġdiscount s", + "T alk", + "ĠO g", + "ex isting", + "ĠS ell", + "u ph", + "C I", + "ĠAust rian", + "ĠW arm", + "Ġdismiss al", + "Ġaver ages", + "c amera", + "Ġalleg iance", + "L AN", + "=\" #", + "Ġcomment ators", + "ĠSet ting", + "ĠMid west", + "Ġpharm ac", + "ĠEX P", + "Ġstain less", + "Ch icago", + "Ġt an", + "24 4", + "Ġcountry side", + "ĠV ac", + "29 5", + "Ġpin ned", + "Ġcr ises", + "Ġstandard ized", + "T ask", + "ĠJ ail", + "ĠD ocker", + "col ored", + "f orth", + "\" },", + "Ġpat rons", + "Ġsp ice", + "Ġm ourn", + "ĠM ood", + "Ġlaund ry", + "Ġequ ip", + "ĠM ole", + "y ll", + "ĠTH C", + "n ation", + "ĠSher lock", + "Ġiss u", + "ĠK re", + "ĠAmeric as", + "ĠA AA", + "Ġsystem atically", + "Ġcont ra", + "ĠS ally", + "Ġrational e", + "Ġcar riage", + "Ġpe aks", + "Ġcontrad iction", + "ens ation", + "ĠFail ure", + "Ġpro ps", + "Ġnames pace", + "Ġc ove", + "field s", + "ãĤ ĭ", + "Ġw ool", + "ĠC atch", + "Ġpresum ed", + "ĠD iana", + "r agon", + "ig i", + "Ġh amm", + "Ġst unt", + "ĠG UI", + "ĠObserv atory", + "ĠSh ore", + "Ġsmell s", + "ann ah", + "Ġcock pit", + "ĠD uterte", + "8 50", + "Ġopp ressed", + "bre aker", + "ĠCont ribut", + "ĠPer u", + "ĠMons anto", + "ĠAtt empt", + "Ġcommand ing", + "Ġfr idge", + "ĠR in", + "ĠChe ss", + "ual ity", + "Ġo l", + "Republic an", + "ĠGl ory", + "ĠW IN", + ".... ...", + "ag ent", + "read ing", + "Ġin h", + "J ones", + "Ġcl icks", + "al an", + "Ġ[ ];", + "ĠMaj esty", + "ĠC ed", + "op us", + "ate l", + "à ª", + "AR C", + "ĠEc uador", + "ãĥ ł", + "ĠK uro", + "Ġritual s", + "Ġcapt ive", + "Ġoun ce", + "Ġdisag reement", + "Ġsl og", + "f uel", + "P et", + "M ail", + "Ġexerc ised", + "Ġsol ic", + "Ġrain fall", + "Ġdev otion", + "ĠAss essment", + "Ġrob otic", + "opt ions", + "ĠR P", + "ĠFam ilies", + "ĠFl ames", + "Ġassign ments", + "00 7", + "aked own", + "Ġvoc abulary", + "Re illy", + "Ġc aval", + "g ars", + "Ġsupp ressed", + "ĠS ET", + "ĠJohn s", + "Ġwar p", + "bro ken", + "Ġstat ues", + "Ġadvoc ated", + "Ġ2 75", + "Ġper il", + "om orph", + "ĠF emin", + "per fect", + "Ġh atch", + "L ib", + "5 12", + "Ġlif elong", + "3 13", + "Ġche eks", + "Ġnum bered", + "ĠM ug", + "B ody", + "ra vel", + "We ight", + "ĠJ ak", + "ĠHe ath", + "Ġkiss ing", + "ĠJ UST", + "Ġw aving", + "u pload", + "Ġins ider", + "ĠPro gressive", + "ĠFil ter", + "tt a", + "ĠBe am", + "Ġviol ently", + "ip ation", + "Ġskept icism", + "Ġ19 18", + "ĠAnn ie", + "ĠS I", + "Ġgen etics", + "Ġon board", + "at l", + "ĠFried man", + "ĠB ri", + "cept ive", + "Ġpir ate", + "ĠRep orter", + "27 8", + "Ġmyth ology", + "Ġe clipse", + "Ġsk ins", + "Ġgly ph", + "ing ham", + "F iles", + "C our", + "w omen", + "Ġreg imes", + "Ġphotograp hed", + "K at", + "ĠMA X", + "Offic ials", + "Ġunexpected ly", + "Ġimpress ions", + "F ront", + ";;;; ;;;;", + "Ġsuprem acy", + "Ġs ang", + "Ġaggrav ated", + "Ġabrupt ly", + "ĠS ector", + "Ġexc uses", + "Ġcost ing", + "ide press", + "St ack", + "ĠR NA", + "ob il", + "Ġghost s", + "ld on", + "at ibility", + "Top ics", + "Ġreim burse", + "ĠH M", + "ĠDe g", + "Ġth ief", + "y et", + "ogen esis", + "le aning", + "ĠK ol", + "ĠB asketball", + "Ġf i", + "ĠSee ing", + "Ġrecy cling", + "Ġ[ -", + "Cong ress", + "Ġlect ures", + "P sy", + "Ġne p", + "Ġm aid", + "Ġori ented", + "A X", + "Ġrespect ful", + "re ne", + "fl ush", + "ĠUn loaded", + "re quest", + "gr id", + "ĠAltern atively", + "ĠHug o", + "Ġdec ree", + "ĠBuddh ism", + "and um", + "And roid", + "ĠCong o", + "ĠJoy ce", + "Ġacknowled ging", + "hes ive", + "ĠTom orrow", + "ĠH iro", + "th ren", + "ĠM aced", + "Ġho ax", + "ĠIncre ased", + "ĠPr adesh", + "W ild", + "____ __", + "16 1", + "Ġa unt", + "Ġdistribut ing", + "ĠT ucker", + "ĠSS L", + "ĠW olves", + "B uilding", + "ou lt", + "ĠLu o", + "ĠY as", + "ĠSp ir", + "ĠSh ape", + "ĠCamb od", + "ĠIP v", + "Ġm l", + "Ġext rad", + "39 0", + "ĠPenn y", + "d ream", + "Ġstation ed", + "opt ional", + "ew orthy", + ". ", + "ĠWorks hop", + "ĠRet ail", + "ĠAv atar", + "6 25", + "N a", + "ĠV C", + "ĠSec ure", + "M Y", + "19 88", + "oss ip", + "Ġpro state", + "Ġund en", + "Ġg amer", + "ĠCont ents", + "ĠWar hammer", + "ĠSent inel", + "3 10", + "Ġse gregation", + "ĠF lex", + "ĠM AY", + "Ġdr ills", + "ĠDrug s", + "Islam ic", + "Ġsp ur", + "Ġca fe", + "Ġimag inary", + "Ġgu iding", + "Ġsw ings", + "ĠThe me", + "ob y", + "Ġn ud", + "Ġbe gging", + "Ġstr ongh", + "Ġreject ing", + "Ġpedest rians", + "ĠPro spect", + "R are", + "s le", + "Ġconcess ions", + "ĠConst itutional", + "Ġbe ams", + "Ġfib ers", + "p oon", + "Ġinstinct s", + "pro perty", + "ĠB IG", + "Sand ers", + "im ates", + "Ġco ating", + "Ġcorps es", + "ĠTR UE", + "check ed", + "Ġ16 6", + "A sh", + "ĠJ S", + "ĠF iction", + "Ġcommun al", + "Ġener getic", + "oooo oooo", + "Ġnow adays", + "IL D", + "ib o", + "ĠSU V", + "R en", + "Ġdwell ing", + "Sil ver", + "Ġt ally", + "ĠM oving", + "Ġcow ard", + "Ġgener als", + "Ġhorn s", + "Ġcirc ulated", + "Ġrob bed", + "ĠUn limited", + "Ġharass ed", + "Ġinhib it", + "Ġcomp oser", + "ĠSpot ify", + "Ġspread s", + "3 64", + "Ġsu icidal", + "Ġno ises", + "ĠSt ur", + "Ġs aga", + "ĠK ag", + "is o", + "Ġtheoret ically", + "M oney", + "Ġsimilar ity", + "Ġslic ed", + "ut ils", + "ing es", + "\" -", + "Ġan th", + "Ġimp ed", + "Mod ule", + "Through out", + "Ġmen us", + "comm ittee", + "and i", + "ob j", + "in av", + "f ired", + "ĠAb dullah", + "Ġund ead", + "Ġfont s", + "H old", + "EN G", + "Ġsustain ability", + "Ġfl ick", + "Ġr azor", + "ĠF est", + "ĠChar acters", + "Ġword ing", + "Ġpopul ist", + "Ġcritic izing", + "Ġm use", + "v ine", + "Ġcard board", + "Ġkind ly", + "Ġfr inge", + "ĠThe ft", + "icult ural", + "Ġgovern ors", + "Ġ ����", + "Ġ16 3", + "Ġtime out", + "ĠA uth", + "Child ren", + "A U", + "Ġred emption", + "ĠAl ger", + "Ġ19 14", + "Ġw aved", + "Ġastron auts", + "og rams", + "Ġsw amp", + "ĠFinn ish", + "Ġcand le", + "Ġton nes", + "ut m", + "Ġr ay", + "Ġsp un", + "Ġfear ful", + "art icles", + "Ġca us", + "or ically", + "ĠRequ ires", + "ĠG ol", + "Ġpop e", + "Ġinaug ural", + "Ġg le", + "AD A", + "ĠIS IL", + "ĠOff ensive", + "Ġwatch dog", + "Ġbal con", + "ent ity", + "ĠH oo", + "Ġgall on", + "AC C", + "Ġdoub ling", + "Ġimpl ication", + "ĠS ight", + "Ġdoct r", + "---- ---", + "Ġ\\ \\", + "Ġm alt", + "R oll", + "Ġâī ¥", + "Ġrec ap", + "add ing", + "u ces", + "ĠB end", + "fig ure", + "Ġtur key", + "Ġsoc ietal", + "ĠT ickets", + "Ġcommer cially", + "Ġsp icy", + "Ġ2 16", + "ĠR amp", + "Ġsuperior ity", + "à ¯", + "ĠTr acker", + "C arl", + "ĠC oy", + "ĠPatri ot", + "Ġconsult ed", + "Ġlist ings", + "Ġsle w", + "reens hot", + "ĠG one", + "Ġ[ ...]", + "30 9", + "Ġh ottest", + "Ø ±", + "Ġrock y", + "ĠD iaz", + "Ġmass age", + "Ġpar aly", + "Ġp ony", + "A z", + "Ġcart ridge", + "ĠN Z", + "Ġsn ack", + "ĠLam ar", + "ple ment", + "ĠLes lie", + "Ġm ater", + "Ġsn ipp", + "24 6", + "Ġjoint ly", + "ĠBris bane", + "ĠiP od", + "Ġpump ing", + "Ġgo at", + "ĠSh aron", + "eal ing", + "Ġcor on", + "Ġan omal", + "rah im", + "ĠConnect ion", + "Ġsculpt ure", + "Ġsched uling", + "ĠD addy", + "at hing", + "Ġeyeb rows", + "Ġcur ved", + "Ġsent iments", + "Ġdraft ing", + "D rop", + "( [", + "Ġnom inal", + "ĠLeaders hip", + "ĠG row", + "Ġ17 6", + "Ġconstruct ive", + "iv ation", + "Ġcorrupt ed", + "ger ald", + "ĠC ros", + "ĠChe ster", + "ĠL ap", + "ãģ ª", + "OT H", + "D ATA", + "Ġal mond", + "pro bably", + "I mp", + "Ġfe ast", + "ĠWar craft", + "F lor", + "Ġcheck point", + "Ġtrans cription", + "Ġ20 4", + "Ġtwe aks", + "Ġrel ieve", + "S cience", + "Ġperform er", + "Z one", + "Ġtur moil", + "ig ated", + "hib it", + "ĠC afe", + "the med", + "Ġflu or", + "ben ch", + "Ġde com", + "ĠU nt", + "ĠBar rett", + "ĠF acts", + "Ġt asting", + "ĠPTS D", + "ĠSe al", + "ĠJuda ism", + "ĠDynam ic", + "ĠC ors", + "V e", + "ĠM ing", + "ĠTrans form", + "v on", + "ĠDef enders", + "ĠTact ical", + "ĠV on", + "ĠUn ivers", + "Ġdist orted", + "ĠB reath", + "?' \"", + "Ġag on", + "ĠDead ly", + "Ġl an", + "ĠCy cle", + "orn ed", + "Ġrel iably", + "Ġgl or", + "ĠMon key", + "ãĥ ¡", + "Ġad ren", + "Ġmicrow ave", + "ĠAl ban", + "irc raft", + "dig it", + "sm art", + "ĠD read", + "¯¯¯¯¯¯¯¯ ¯¯¯¯¯¯¯¯", + "{ {", + "ĠRoc hester", + "Ġsimpl ified", + "Ġinf licted", + "Ġtake over", + "Ġyour selves", + "ad itional", + "Ġmus cular", + "K S", + "Ġing en", + "T ax", + "ĠFe ature", + "27 7", + "Ġcru c", + "Ġcr ate", + "Ġun identified", + "Ġacclaim ed", + "ĠM anga", + "ĠFr ances", + "ĠNep al", + "ĠG erald", + "ĠKu wait", + "Ġsl ain", + "ĠHe b", + "ĠG oku", + "ãģ® æ", + "28 6", + "M rs", + "ĠC ody", + "ĠSan ctuary", + "01 6", + "Ġdism ant", + "Ġdatas et", + "ĠH ond", + "b uck", + "ĠPat terson", + "Ġpal ette", + "ĠG D", + "ic ol", + "ĠL odge", + "Ġplanet ary", + "ak in", + "ĠRegist ered", + "ab we", + "ĠPeters burg", + "Ġha iled", + "ĠP iece", + "S che", + "ĠDO J", + "Ġen umer", + "18 1", + "ĠObs erver", + "ĠB old", + "f ounded", + "com merce", + "Ġexplo its", + "ĠF inding", + "UR N", + "ĠS ne", + "ĠAc id", + "ay ette", + "ĠVal ues", + "Ġdr astic", + "Ġarchitect ural", + "Ġ\" .", + "× ķ", + "ump ed", + "Ġwra pping", + "Ġwid ow", + "ĠSl ayer", + "l ace", + "on ce", + "German y", + "av oid", + "Ġtem ples", + "P AR", + "à ´", + "ĠLuc ifer", + "ĠFl ickr", + "l ov", + "for ces", + "Ġsc outing", + "Ġlou der", + "tes y", + "Ġbefore hand", + "Ä ĵ", + "ĠNe on", + "ĠW ol", + "ĠTyp ically", + "ĠPolit ico", + "-+ -+", + "Ġbuild er", + "Ġder ive", + "K ill", + "Ġp oker", + "Ġambig uous", + "Ġlif ts", + "Ġcy t", + "Ġrib s", + "ood le", + "ĠS ounds", + "h air", + "ĠSynd rome", + "t f", + "Ġproport ional", + "u id", + "Ġper taining", + "ĠKind le", + "ĠNeg ro", + "Ġreiter ated", + "ĠTon ight", + "oth s", + "ĠCorn ell", + "Ġo wing", + "Ġ20 8", + "elf are", + "oc ating", + "ĠB irds", + "Sub scribe", + "Ġess ays", + "Ġburd ens", + "Ġillust rations", + "ar ious", + "ER AL", + "ĠCal cul", + "Ġx en", + "ĠLink edIn", + "ĠJ ung", + "Ġredes ign", + "Con nor", + "29 6", + "Ġrevers al", + "ĠAd elaide", + "ĠL L", + "Ġs inking", + "Ġg um", + "US H", + "c apt", + "ĠGr imm", + "Ġfoot steps", + "ĠCB D", + "isp ers", + "Ġpro se", + "Wed nesday", + "ĠM ovies", + "ed in", + "Ġoverturn ed", + "Ġcontent ious", + "US B", + "~~~~~~~~ ~~~~~~~~", + "ĠCo pper", + "Ġpoint less", + "N V", + "val ues", + "olph in", + "d ain", + "Ġdepos ited", + "ĠG W", + "Ġpreced ed", + "ĠCl a", + "ĠGo lem", + "ĠN im", + "ĠÎ ²", + "ĠEngine ers", + "m iddle", + "Ġfl att", + "oper ative", + "Ġcouncil s", + "imb abwe", + "el in", + "Ġstress ful", + "ĠL D", + "Ġres h", + "l ake", + "Ġwheel chair", + "ĠAltern ative", + "Ġoptim ize", + "oper ation", + "Ġpe ek", + "Ġones elf", + "ig il", + "Ġtrans itions", + "op athy", + "bl ank", + "Ġ16 9", + "17 1", + "________________________________ ________________________________", + "Ġl aundering", + "En c", + "ĠD EC", + "Ġwork outs", + "Ġsp ikes", + "Ġdin osaurs", + "Ġdiscrim inatory", + "P ool", + "R ather", + "38 5", + "R NA", + "tes ters", + "et o", + "ĠIdent ity", + "Ġve in", + "ĠBur ton", + "Ġarc ade", + "4 20", + "Ult imately", + "ĠSad ly", + "à °", + "p ill", + "Ġcub ic", + "ĠSpect rum", + "the se", + "st ates", + "Ġun official", + "h awks", + "ĠEVER Y", + "Ġrain bow", + "Ġincarcer ation", + "and ing", + "Ġsy ll", + "ĠEver ton", + "Ġ17 9", + "ĠSer bia", + "Ġ18 9", + "m eter", + "ĠMic key", + "Ġant iqu", + "Ġfact ual", + "ne ck", + "ĠN are", + "n orm", + "m ust", + "Ġhigh ways", + "Ġgl am", + "Ġdivid ing", + "ĠSquad ron", + "ĠMar tha", + "Ġbirth s", + "C over", + "//////// ////////", + "ĠW ong", + "Ph ot", + "ĠA LS", + "ri o", + "ĠNon etheless", + "ĠL emon", + "Ġ20 6", + "ĠE E", + "Ġderiv ative", + "ĠWW II", + "v ote", + "Ġthere in", + "Ġsepar ating", + "44 6", + "sy nc", + "ĠStre ets", + "Ġr att", + "Ġmunicip ality", + "ĠShort ly", + "Ġmon k", + ") ,\"", + "Ġscr ub", + "Ġoper atives", + "Ne ither", + "Pl ace", + "ĠLim it", + "F emale", + "ĠAct or", + "Char acter", + "Ġconstit uted", + "35 7", + "Ġprotest ed", + "ĠSt raw", + "ĠHe ight", + "ild a", + "ĠTy ph", + "Ġflood s", + "Ġcos metic", + "W AY", + "pert ure", + "up on", + "t ons", + "ess ing", + "ĠP ocket", + "Ġro oft", + "ĠC aucas", + "Ġant idepress", + "Ġincomp atible", + "EC D", + "Ġoper a", + "ĠCont est", + "Ġgener ators", + "l ime", + "Def ense", + "19 87", + "for um", + "Ġsav age", + "ĠHung arian", + "n z", + "Ġmet allic", + "Ġex pelled", + "Ġres idency", + "Ġdress es", + "66 6", + "ĠC lement", + "f ires", + "C ategory", + "Ġge ek", + "al is", + "Ġc emetery", + "educ ated", + "Ġc rawl", + "ĠUn able", + "ĠT yson", + "ak is", + "Ġp ardon", + "ĠW ra", + "Ġstrengthen ed", + "ĠF ors", + "33 5", + "ĠH C", + "ĠM ond", + "Ġvisual s", + "ĠBeat les", + "ett lement", + "Ġ ï", + "g ro", + "Ġb ash", + "Ġpo orest", + "Ġex cel", + "Ġaspir ations", + "ĠM unicip", + "ens ible", + "Ġceremon ies", + "Ġintimid ation", + "ĠCON TR", + "be ck", + "ĠK ap", + "as u", + "Ġtradem arks", + "ĠS ew", + "ĠComp etition", + "net work", + "ĠAr ri", + "ĠT et", + "Ro aming", + "W C", + "D at", + "Ġso b", + "Ġpair ing", + "Ġoverd ose", + "SA Y", + "ab er", + "Ġrev olt", + "ĠF ah", + "act ing", + "e q", + "est ation", + "F ight", + "ĠMar ks", + "27 3", + "Ġ17 8", + "R aw", + "ãģ ĭ", + "34 9", + "bl ocks", + "Ġver ge", + "est ine", + "ĠPod esta", + "Ġinv asive", + "Ġprofound ly", + "ĠA o", + "e ach", + "Ġl est", + "inter pret", + "Ġshr inking", + "Ġerr one", + "Ġche es", + "ly s", + "ĠI vy", + "ĠDirect ory", + "Ġhint ed", + "V ICE", + "Ġcontact ing", + "ĠG ent", + "he i", + "Ġlabel ing", + "Ġmerc ury", + "ĠL ite", + "Ġexp ires", + "Ġdest abil", + "rit is", + "c u", + "Ġfeather s", + "Ġste er", + "Ġprogram med", + "ĠV ader", + "Go ing", + "ĠE lim", + "Ġy o", + "ĠMic he", + "Ġ20 3", + "Ġslee ves", + "Ġb ully", + "ĠHum ans", + "36 8", + "Ġcomp ress", + "ĠBan ner", + "AR S", + "Ġa while", + "Ġcal ib", + "Ġspons orship", + "ĠDiff iculty", + "ĠP apers", + "Ġident ifier", + "} .", + "Ġy og", + "ĠSh ia", + "Ġclean up", + "Ġvib e", + "int rodu", + "im ming", + "Austral ia", + "Ġout lines", + "ĠY outube", + "tr ain", + "ĠM akes", + "Ġde ported", + "Ġcent r", + "ĠD ug", + "ĠB oulder", + "ĠBuff y", + "Ġinj unction", + "ĠHar ley", + "ĠG roups", + "ĠD umbledore", + "ĠCl ara", + "Ġ\" -", + "Ġsacrific ed", + "ep h", + "Sh adow", + "ib ling", + "Ġfreel ance", + "Ġevident ly", + "ph al", + "Ġret ains", + "M ir", + "Ġfin ite", + "d ar", + "ĠC ous", + "Ġrep aired", + "Ġperiod ic", + "Ġchampions hips", + "Ġaster oid", + "bl ind", + "Ġexpress ly", + "ĠAst ros", + "Ġsc aled", + "Ġge ographical", + "ĠRap ids", + "En joy", + "Ġel astic", + "ĠMoh amed", + "Mark et", + "be gin", + "Ġdisco vers", + "Ġtele communications", + "Ġscan ner", + "Ġen large", + "Ġsh arks", + "Ġpsy chedel", + "ĠRou ge", + "Ġsnap shot", + "is ine", + "X P", + "Ġpestic ides", + "ĠL SD", + "ĠDist ribution", + "re ally", + "Ġde gradation", + "Ġdisgu ise", + "Ġbi om", + "ĠEX T", + "Ġequ ations", + "Ġhaz ards", + "ĠComp ared", + ") *", + "Ġvirt ues", + "Ġeld ers", + "Ġenh ancing", + "ĠAc ross", + "er os", + "ang ling", + "Ġcomb ust", + "ucc i", + "Ġconc ussion", + "Ġcontrace ption", + "ĠK ang", + "Ġexpress es", + "Ġa ux", + "ĠP ione", + "Ġexhib its", + "Deb ug", + "OT AL", + "ĠAl ready", + "ĠWheel er", + "Ġexp ands", + "? :", + "Ġreconc iliation", + "Ġpir ates", + "Ġpur se", + "Ġdiscour age", + "Ġspect acle", + "R ank", + "Ġwra ps", + "ĠTh ought", + "Ġimp ending", + "O pp", + "ĠAng lo", + "ĠE UR", + "Ġscrew ed", + "ret ched", + "Ġencour agement", + "mod els", + "Ġconf use", + "mm m", + "ĠVit amin", + "âĸij âĸij", + "C ru", + "Ġkn ights", + "Ġdisc ard", + "Ġb ishops", + "ĠW ear", + "ĠGar rett", + "k an", + "ãĥ Ł", + "Ġmascul ine", + "cap ital", + "ĠA us", + "Ġfat ally", + "th anks", + "ĠA U", + "ĠG ut", + "12 00", + "Ġ 00000000", + "Ġsur rog", + "ĠBI OS", + "ra its", + "ĠWat ts", + "Ġresur rection", + "ĠElect oral", + "ĠT ips", + "4 000", + "Ġnut rient", + "Ġdepict ing", + "Ġspr ink", + "Ġm uff", + "ĠL IM", + "ĠS ample", + "ps c", + "ib i", + "gener ated", + "Ġspec imens", + "Ġdiss atisf", + "Ġtail ored", + "Ġhold ings", + "ĠMonth ly", + "ĠE at", + "po ons", + "Ġne c", + "ĠC age", + "ĠLot us", + "ĠLan tern", + "Ġfront ier", + "Ġp ensions", + "Ġj oked", + "ĠHard y", + "=-=- =-=-", + "r ade", + "U ID", + "Ġr ails", + "Ġem it", + "Ġsl ate", + "Ġsm ug", + "Ġsp it", + "ĠCall s", + "ĠJac obs", + "f eat", + "ĠU E", + "Ġrest ruct", + "Ġregener ation", + "Ġenerg ies", + "ĠCon nor", + "OH N", + "ĠChe ese", + "Ġg er", + "Ġresur rect", + "man agement", + "N W", + "Ġpres ently", + "ĠBru ins", + "M ember", + "ĠM ang", + "id an", + "Ġboost ing", + "w yn", + "+ .", + "requ isite", + "ĠNY PD", + "ĠMe gan", + "ĠCond itions", + "Ġp ics", + "nes ium", + "ĠR ash", + "Ġ17 4", + "ĠD ucks", + "Ġemb ro", + "z u", + "on ian", + "rel igious", + "Ġc raz", + "ĠAC A", + "ĠZ ucker", + "EM A", + "ĠPro s", + "We apon", + "ĠKn ox", + "ĠAr duino", + "Ġst ove", + "Ġheaven s", + "ĠP urchase", + "Ġher d", + "Ġfundra iser", + "Dig ital", + "5 000", + "Ġprop onents", + "/ âĢĭ", + "Ġj elly", + "ĠVis a", + "Ġmon ks", + "Ġadvance ment", + "ĠW er", + "Ġ18 7", + "e us", + "ert ility", + "Ġfet al", + "Ġ19 36", + "L o", + "Ġout fits", + "Ġstair case", + "b omb", + "Ġcustom ized", + "cl air", + "T ree", + "Ġm apped", + "ĠConsider ing", + "ĠTor res", + "Ġmeth yl", + "Ġapprox imate", + "Ġdo om", + "ĠHans en", + "Ġc rossover", + "Ġstand alone", + "ä ¼", + "Ġinv ites", + "Ġgra veyard", + "Ġh p", + "Donald Trump", + "Ġesc ort", + "G ar", + "Ġpredec essors", + "Ġh ay", + "Ġen zyme", + "ĠStra ight", + "vis ors", + "I ng", + "ane ously", + "ĠApp lied", + "Ġf ec", + "ĠDur ant", + "Ġout spoken", + "or b", + "Ġz eal", + "Ġdisgr ace", + "' ).", + "ĠChe ng", + "28 9", + "ĠRen a", + "ĠSu icide", + "29 4", + "Ġout raged", + "ĠNew man", + "ĠN vidia", + "ĠA ber", + "ĠB ers", + "Ġrecre ation", + "Wind ow", + "ĠD P", + "x e", + "Ġped oph", + "Ġfall out", + "ambo o", + "Ġpresent ations", + "ĠApp s", + "Ġh tml", + "3 45", + "ĠX XX", + "Ġrub bing", + "ĠLe ather", + "Ġhum idity", + "se ys", + "est ablished", + "ĠUn its", + "64 6", + "Ġrespect able", + "A uto", + "Ġthri ving", + "ĠInn ovation", + "ang s", + "Ext ra", + "reg ulation", + "29 8", + "p ick", + "Ex amples", + "ĠC J", + "Att ack", + "Ġdr acon", + "L T", + "Ġstick er", + "re rs", + "Ġsun ny", + "I ss", + "reg ulated", + "d im", + "ĠAb stract", + "Ġhus bands", + "Off ice", + "om ination", + "it ars", + "AN GE", + "asc al", + "ĠK ris", + "ĠInf antry", + "Ġm alf", + "ĠA the", + "ĠR ally", + "bal anced", + "................ ........", + "OU P", + "Ġmole cule", + "met ics", + "ĠSpl it", + "ĠInstruct ions", + "ĠN ights", + "c ards", + "Ġt ug", + "Ġcon e", + "å Ń", + "Ġt x", + "ĠDisc ussion", + "Ġcatast rophe", + "pp e", + "g io", + "Ġcommun ism", + "Ġhal ted", + "ĠGu ant", + "cle an", + "ĠSc hed", + "ĠK anye", + "Ġw ander", + "ĠSer iously", + "Ġ18 8", + "enn ial", + "f ollow", + "product ive", + "ĠFl ow", + "ĠS ail", + "Ġc raw", + "Ġsim ulations", + "or u", + "ang les", + "ĠN olan", + "Ġmen stru", + "4 70", + "Ġ20 7", + "aj a", + "Ġcas ually", + "board ing", + "Ġ2 22", + "ov y", + "ĠN umbers", + "um at", + "O E", + "28 7", + "ĠCle mson", + "Ġcert s", + "Ġsl id", + "ĠT ribe", + "Ġto ast", + "Ġfort unes", + "Ġf als", + "ĠComm ittees", + "Ġg p", + "Ġf iery", + "ĠN ets", + "ĠAn ime", + "Pack age", + "ĠComp are", + "l aughter", + "in fect", + "Ġatroc ities", + "Ġjust ices", + "Ġins ults", + "ĠVern on", + "Ġsh aken", + "Ġperson a", + "est amp", + "36 7", + "br ain", + "Ġexperiment ing", + "K en", + "ĠElect ronics", + "Ġ16 1", + "dom ain", + "Ġgraph ical", + "b ishop", + "Ġwho pping", + "ĠEv angel", + "Ġadvertis ers", + "ĠSpe ar", + "Ġb ids", + "Ġdestro ys", + "ut z", + "Ġunders c", + "ĠAD D", + "Ġan ts", + "ĠC um", + "ipp les", + "ĠF ill", + "Ġgl anced", + "Ġind icted", + "ĠE ff", + "Ġmis con", + "ĠDes ktop", + "Ġab ide", + "ãĥ Ģ", + "ĠI o", + "ĠC oul", + "Ġcaps ule", + "ĠCh rys", + "M ON", + "Ġund es", + "ĠI RA", + "Ġc itation", + "Ġdict ate", + "ĠNet works", + "ĠConf lict", + "ĠSt uff", + "x a", + "is ec", + "ĠChem istry", + "Ġquarter ly", + "William s", + "an an", + "O pt", + "ĠAlexand ria", + "out heastern", + "ĠSpring field", + "ĠBlack s", + "Ġge ography", + "24 2", + "Ġut most", + "ĠEx xon", + "ab outs", + "E VA", + "ĠEn able", + "ĠBar r", + "Ġdisag reed", + "ĠCy prus", + "Ġdement ia", + "Ġlab s", + "Ġubiqu itous", + "ĠLO VE", + "Ġconsolid ated", + "s r", + "Ġcream y", + "ĠTim ber", + "Reg ardless", + "ĠCert ificate", + "Ġ\" ...", + "ogen ous", + "Capt ain", + "Ġinsult ing", + "ĠSor os", + "ĠInst r", + "ĠBulgar ia", + "bet ter", + "Ġsuck ing", + "ĠDavid son", + "at z", + "Ġcoll ateral", + "g if", + "Ġplag ued", + "ĠC ancel", + "ĠGard ner", + "R B", + "Ġsix teen", + "Rem ove", + "ur istic", + "c ook", + "R od", + "Ġcompr ising", + "f le", + ") âĢĶ", + "ĠVik ing", + "g rowth", + "agon al", + "Ġsr f", + "af ety", + "m ot", + "N early", + "st own", + "ĠF actor", + "Ġautom obile", + "Ġproced ural", + "m ask", + "amp ires", + "Ġdisapp ears", + "j ab", + "3 15", + "Ġ19 51", + "ne eded", + "Ġd aring", + "le ader", + "Ġp odium", + "Ġun healthy", + "Ġm und", + "Ġpy ramid", + "oc re", + "Ġkiss ed", + "Ġdream ed", + "ĠFant astic", + "ĠG ly", + "å Ĭ", + "Ġgreat ness", + "Ġsp ices", + "Ġmet ropolitan", + "Ġcomp uls", + "i ets", + "101 6", + "ĠSh am", + "ĠP yr", + "fl ies", + "ĠMid night", + "Ġswall owed", + "Ġgen res", + "ĠL ucky", + "ĠRew ards", + "Ġdisp atch", + "ĠI PA", + "ĠApp ly", + "Ġa ven", + "al ities", + "3 12", + "th ings", + "Ġ( ).", + "Ġm ates", + "ĠS z", + "ĠC OP", + "ol ate", + "O FF", + "Ġre charge", + "c aps", + "ĠYork er", + "ic one", + "Ġgal axies", + "ile aks", + "D ave", + "ĠP uzz", + "ĠCelt ic", + "ĠA FC", + "27 6", + "ĠS ons", + "Ġaffirm ative", + "H or", + "Ġtutorial s", + "ĠC ITY", + "ĠR osa", + "ĠExt ension", + "Ser ies", + "Ġf ats", + "Ġr ab", + "l is", + "Ġun ic", + "Ġe ve", + "ĠSp in", + "Ġadul thood", + "ty p", + "Ġsect arian", + "Ġcheck out", + "ĠCy cl", + "S ingle", + "Ġmart yr", + "Ġch illing", + "88 8", + "ou fl", + "Ġ] ;", + "Ġcongest ion", + "m k", + "ĠWhere as", + "Ġ19 38", + "ur rencies", + "er ion", + "Ġbo ast", + "ĠPat ients", + "Ġch ap", + "ĠB D", + "real DonaldTrump", + "Ġexam ines", + "h ov", + "Ġstart ling", + "ĠBab ylon", + "w id", + "om ew", + "br ance", + "ĠOd yssey", + "w ig", + "Ġtor ch", + "ĠV ox", + "ĠMo z", + "ĠT roll", + "ĠAn s", + "Similar ly", + "ĠF ul", + "00 6", + "Un less", + "ĠAl one", + "st ead", + "ĠPub lisher", + "r ights", + "t u", + "ĠDoes n", + "Ġprofession ally", + "Ġcl o", + "ic z", + "Ġste als", + "Ġ á", + "19 86", + "Ġst urdy", + "ĠJoh ann", + "Ġmed als", + "Ġfil ings", + "ĠFr aser", + "d one", + "Ġmult inational", + "Ġf eder", + "Ġworth less", + "Ġp est", + "Yes terday", + "ank ind", + "Ġg ays", + "Ġb orne", + "ĠP OS", + "Pict ure", + "Ġpercent ages", + "25 1", + "r ame", + "Ġpot ions", + "AM D", + "ĠLeban ese", + "Ġr ang", + "ĠL SU", + "ong s", + "Ġpen insula", + "ĠCl ause", + "AL K", + "oh a", + "ĠMac Book", + "Ġunanim ous", + "Ġl enders", + "Ġhang s", + "Ġfranch ises", + "ore rs", + "ĠUp dates", + "Ġisol ate", + "and ro", + "S oon", + "Ġdisrupt ive", + "ĠSur ve", + "Ġst itches", + "ĠSc orp", + "ĠDomin ion", + "Ġsupp lying", + "Ar g", + "Ġtur ret", + "ĠL uk", + "Ġbr ackets", + "* )", + "ĠRevolution ary", + "ĠHon est", + "Ġnot icing", + "ĠSh annon", + "Ġafford ed", + "Ġth a", + "ĠJan et", + "! --", + "ĠNare ndra", + "ĠPl ot", + "H ol", + "se ver", + "e enth", + "Ġobst ruction", + "Ġ10 24", + "st aff", + "j as", + "or get", + "sc enes", + "l aughs", + "ĠF argo", + "cr ime", + "Ġorche str", + "Ġde let", + "ili ary", + "rie ved", + "Ġmilit ar", + "ĠGreen e", + "âĹ ı", + "ãģ ¦", + "ĠGu ards", + "Ġunle ashed", + "ĠWe ber", + "Ġadjust able", + "Ġcal iber", + "Ġmotiv ations", + "Ġà ł", + "m Ah", + "ĠL anka", + "hand le", + "Ġp ent", + "ĠR av", + "ĠAng ular", + "ĠK au", + "umb ing", + "Ġphil anthrop", + "Ġde hyd", + "Ġtox icity", + "e er", + "ĠY ORK", + "w itz", + "å ¼", + "ĠI E", + "commun ity", + "ĠA H", + "Ġret ali", + "Ġmass ively", + "ĠDani els", + "ĠD EL", + "Ġcar cin", + "Ur l", + "Ġrout ing", + "ĠNPC s", + "ĠR AF", + "ry ce", + "Ġwa ived", + "ĠGu atem", + "Every body", + "Ġco venant", + "Ġ17 3", + "Ġrelax ing", + "Ġqu art", + "al most", + "Ġguard ed", + "ĠSold iers", + "ĠPL AY", + "Ġout going", + "L AND", + "Ġre write", + "ĠM OV", + "ĠIm per", + "ĠS olution", + "Ġphenomen al", + "Ġl ongevity", + "Ġimp at", + "ĠN issan", + "ir ie", + "Ġod or", + "ĠZ ar", + "ok s", + "Ġmilit ias", + "ĠSP EC", + "Ġtoler ated", + "ars er", + "ĠBrad ford", + "+ ,", + "Ġsur real", + "s f", + "Can adian", + "Ġresemb lance", + "Ġcarbohyd rate", + "VI EW", + "Ġaccess ory", + "me al", + "larg est", + "ieg el", + "Some one", + "Ġtoug hest", + "os o", + "Ġfun nel", + "Ġcondemn ation", + "lu ent", + "Ġw ired", + "ĠSun set", + "Jes us", + "ĠP ST", + "ĠP ages", + "ĠTy coon", + "ĠP F", + "Ġselect ions", + "Ġ à¤", + "part isan", + "Ġhigh s", + "ĠR une", + "Ġcraft s", + "le ad", + "ĠParent s", + "Ġre claim", + "ek er", + "ĠAll ied", + "ae per", + "Ġlo oming", + "Ġbenefic iaries", + "ĠH ull", + "Stud ents", + "Jew ish", + "d j", + "Ġp act", + "tem plate", + "ĠOffic ials", + "ĠBay lor", + "Ġhe mp", + "Ġyouth s", + "ĠLevel s", + "ĠX iao", + "ĠC hes", + "Ġende avor", + "ĠRem oved", + "Ġhipp ocamp", + "H ell", + "ãĤ Ĭ", + "80 5", + "Ġd inosaur", + "ĠWr ath", + "ĠIndones ian", + "Ġcalcul ator", + "ĠD ictionary", + "Ġ4 20", + "ĠM AG", + "( _", + "! ,", + "t arians", + "Ġrestrict ing", + "rac use", + "Ġweek day", + "OU NT", + "Ġsh rugged", + "leg round", + "Ġb ald", + "ĠDo ctors", + "Ġt outed", + "ĠMax well", + "Ġ2 14", + "Ġdiplom at", + "Ġrep ression", + "Ġconstitu ency", + "v ice", + "r anked", + "ĠNap oleon", + "g ang", + "ĠFore ver", + "t un", + "Ġbul b", + "ĠPD T", + "ĠC isco", + "V EN", + "Ġres umed", + "Ste ven", + "ĠManit oba", + "Ġfab ulous", + "ĠAg ents", + "19 84", + "Ġam using", + "ĠMyster ies", + "Ġor thodox", + "fl oor", + "Ġquestion naire", + "Ġpenet rate", + "Ġfilm makers", + "ĠUn c", + "Ġst amped", + "Ġth irteen", + "Ġout field", + "Ġforward ed", + "Ġapp ra", + "Ġa ided", + "t ry", + "Ġunf ocused", + "ĠL iz", + "ĠWend y", + "ĠSc ene", + "Ch arg", + "Ġreject s", + "Ġleft ist", + "ĠProv idence", + "ĠBr id", + "reg n", + "Ġprophe cy", + "ĠL IVE", + "4 99", + "Ġfor ge", + "ĠF ML", + "Ġintrins ic", + "ĠF rog", + "Ġw ont", + "ĠH olt", + "Ġfam ed", + "CL US", + "aeper nick", + "ĠH ate", + "ĠC ay", + "Ġregister ing", + "ort ality", + "rop y", + "ocaly ptic", + "a an", + "n av", + "Ġfasc ist", + "IF IED", + "Ġimpl icated", + "ĠRes ort", + "ĠChand ler", + "ĠBr ick", + "P in", + "ys c", + "Us age", + "ĠHel m", + "us ra", + "âĺħ âĺħ", + "ĠAb bas", + "Ġunanim ously", + "Ġke eper", + "Ġadd icted", + "?? ?", + "Ġhelm ets", + "Ġant ioxid", + "aps ed", + "80 8", + "gi ene", + "Ġwa its", + "Ġmin ion", + "ra ved", + "ĠP orsche", + "Ġdream ing", + "Ġ17 1", + "ĠC ain", + "Ġun for", + "ass o", + "ĠConfig uration", + "k un", + "hard t", + "Ġn ested", + "ĠL DS", + "L ES", + "Ġt ying", + "en os", + "Ġc ue", + "ĠMar qu", + "sk irts", + "Ġclick ed", + "Ġexp iration", + "ĠAccording ly", + "ĠW C", + "Ġbless ings", + "Ġaddict ive", + "ĠN arr", + "y x", + "ĠJagu ars", + "Ġrent s", + "ĠS iber", + "Ġt ipped", + "ous se", + "ĠFitz gerald", + "Ġhier arch", + "out ine", + "Ġwa velength", + "> .", + "ch id", + "ĠProcess ing", + "/ +", + "r anking", + "E asy", + "ĠConst ruct", + "Ġt et", + "ins ured", + "H UD", + "Ġqu oting", + "Ġcommun icated", + "in x", + "Ġin mate", + "Ġerect ed", + "ĠAbs olutely", + "ĠSure ly", + "Ġun im", + "ĠThr one", + "he id", + "Ġcl aws", + "Ġsuper star", + "ĠL enn", + "ĠWh is", + "U k", + "ab ol", + "Ġsk et", + "ĠN iet", + "Ġper ks", + "Ġaff inity", + "Ġopen ings", + "phas is", + "Ġdiscrim inate", + "T ip", + "v c", + "Ġgr inding", + "ĠJenn y", + "Ġast hma", + "hol es", + "ĠHom er", + "Ġreg isters", + "ĠGl ad", + "Ġcre ations", + "Ġlith ium", + "Ġappl ause", + "unt il", + "Just ice", + "ĠTur ks", + "Ġsc andals", + "Ġb ake", + "t ank", + "M ech", + "ĠMe ans", + "ĠM aid", + "Republic ans", + "is al", + "wind ows", + "ĠSant os", + "Ġveget ation", + "33 8", + "t ri", + "Ġfl ux", + "ins ert", + "Ġclar ified", + "Ġmort g", + "ĠCh im", + "ĠT ort", + "Ġdiscl aim", + "met al", + "ĠAs ide", + "Ġindu ction", + "Ġinf l", + "Ġathe ists", + "amp h", + "Ġe ther", + "ĠV ital", + "ĠBu ilt", + "M ind", + "Ġweapon ry", + "S ET", + "Ġ18 6", + "ad min", + "g am", + "cont ract", + "af a", + "Ġderiv atives", + "Ġsn acks", + "Ġch urn", + "E conom", + "Ġca pped", + "ĠUnder standing", + "ĠH ers", + "ĠI z", + "Ġd uct", + "I ENT", + "augh ty", + "Ġâľ Ķ", + "ĠN P", + "Ġsa iling", + "In itialized", + "Ġt ed", + "Ġreact ors", + "ĠL omb", + "Ġcho ke", + "ĠW orm", + "Ġadm iration", + "Ġsw ung", + "ens ibly", + "Ġr ash", + "ĠGo als", + "ĠImport ant", + "Sh ot", + "ĠR as", + "Ġtrain ers", + "ĠB un", + "Work ing", + "Ġhar med", + "ĠPand ora", + "ĠL TE", + "Ġmush room", + "ĠCH AR", + "ĠF ee", + "ĠM oy", + "B orn", + "ol iberal", + "ĠMart ial", + "Ġgentle men", + "Ġling ering", + "Offic ial", + "Ġgra ffiti", + "ĠN ames", + "D er", + "Ġqu int", + "ist rate", + "aze era", + "ĠNOT ICE", + "ĠFlore nce", + "Ġpay able", + "Ġdep icts", + "ĠSpe cies", + "He art", + "âĶĢâĶĢâĶĢâĶĢ âĶĢâĶĢâĶĢâĶĢ", + "Ġencl osed", + "Incre ases", + "D aily", + "ĠL is", + "Ġenact ment", + "ĠB acon", + "ĠSt eele", + "dem and", + "Ġ18 3", + "Ġmouth s", + "Ġstr anded", + "Ġenhance ment", + "01 1", + "ĠWh ats", + "Ġhe aled", + "en y", + "ĠR ab", + "Ġ3 40", + "ĠLab yrinth", + "ro ach", + "ĠY osh", + "ĠCl ippers", + "Ġconcert s", + "Intern et", + "35 5", + "Ġstick ers", + "Ġter med", + "ĠAx e", + "Ġgrand parents", + "Fr ance", + "ĠCl im", + "ĠU h", + "ul ic", + "Ġthr ill", + "cent ric", + "ĠOver view", + "ĠCond uct", + "Ġsubstant ive", + "Ġ18 2", + "m ur", + "Ġstr ay", + "ĠCo ff", + "Ġrep etitive", + "ĠFor gotten", + "Ġqual ification", + "ew itness", + "ĠZ imbabwe", + "Ġsim ulated", + "ĠJ D", + "25 3", + "ĠW are", + "Ġun sc", + "T imes", + "Ġsum mons", + "Ġdis connected", + "Ġ18 4", + "ci us", + "ĠGu jar", + "od ka", + "Ġer ase", + "ĠTob acco", + "elect ed", + "Ġun cont", + "ĠShe pard", + "ĠL amp", + "Ġalert ed", + "Ġoper ative", + "arn a", + "u int", + "Ġneglig ence", + "ac ements", + "Ġsup ra", + "Ġprev ail", + "ĠSh ark", + "Ġbel ts", + "ãģ «", + "Ġt ighter", + "Engine ers", + "Ġin active", + "Ġexp onent", + "ĠWill ie", + "a ples", + "Ġhe ir", + "ĠH its", + "ian n", + "ĠS ays", + "Ġcurrent s", + "ĠBeng al", + "Ġar ist", + "B uffer", + "Ġbree ze", + "ĠWes ley", + "Col a", + "Ġpron oun", + "Ġde ed", + "ĠK ling", + "Ġof t", + "Ġinf lict", + "Ġpun ishing", + "Ġn m", + "ik u", + "OD UCT", + "01 4", + "Ġsubsid y", + "ĠDE A", + "ĠHer bert", + "ĠJ al", + "B ank", + "Ġdef erred", + "Ġship ment", + "B ott", + "Ġal le", + "b earing", + "HT ML", + "Off line", + "Ġ2 13", + "Ġscroll ing", + "Ġsc anned", + "ĠLib yan", + "ĠT OP", + "ch rom", + "d t", + "col umn", + "Psy NetMessage", + "Z ero", + "Ġtor so", + "0 50", + "âķ IJ", + "Ġimp erson", + "ĠSchw artz", + "ud ic", + "Ġpiss ed", + "ĠS app", + "25 7", + "ĠIS Ps", + "og l", + "Ġsuper vised", + "Ġad olescent", + "Ġatt ained", + "ĠDel ivery", + "ĠB unny", + "Ġ19 37", + "Ġmini ature", + "Ġo s", + "Ġ3 70", + "60 8", + "ĠMour inho", + "Ġinn ate", + "Ġtem po", + "ĠN M", + "ĠFall en", + "00 9", + "Ġprov ocative", + "Stream er", + "ĠBened ict", + "ĠBol she", + "Ġt urtle", + "ĠPC B", + "ĠEqu al", + "Direct or", + "ĠR end", + "Ġflu ids", + "Author ities", + "Ġcous ins", + "requ ency", + "ĠNeigh bor", + "s ets", + "sh ared", + "Char les", + "pass word", + "Ġg ears", + "Ġ2 11", + "ĠHard ware", + "ri ka", + "Ġup stream", + "H om", + "Ġdisproportion ately", + "iv ities", + "Ġund efined", + "Ġelect rons", + "Ġcommem or", + "Event ually", + "Ġ> <", + "Ġir responsible", + "2 18", + "ĠRe leased", + "ĠO VER", + "ĠI GN", + "ĠB read", + "st ellar", + "ĠS age", + "tt ed", + "dam age", + "ed ition", + "ĠPre c", + "Ġl ime", + "Ġconf inement", + "Ġcal orie", + "we apon", + "Ġdiff ering", + "ĠS ina", + "m ys", + "am d", + "Ġintric ate", + "k k", + "ĠP AT", + "ã o", + "st ones", + "lin ks", + "Ġr anch", + "Sem itic", + "Ġdifferent iate", + "ĠS inger", + "occup ied", + "Ġfort ress", + "c md", + "Ġinter ception", + "ĠAnk ara", + "Ġre pt", + "ĠSol itaire", + "Ġrem ake", + "p red", + "Ġd ared", + "aut ions", + "ĠB ACK", + "Run ning", + "Ġdebug ging", + "Ġgraph s", + "3 99", + "ĠNig el", + "Ġb un", + "Ġpill ow", + "Ġprog ressed", + "fashion ed", + "Ġob edience", + "ER N", + "Ġrehe ars", + "C ell", + "t l", + "S her", + "Ġher ald", + "ĠPay ment", + "ĠC ory", + "ĠDe pt", + "Ġrep ent", + "ĠWe ak", + "uck land", + "Ġple asing", + "Ġshort ages", + "Ġjur ors", + "ĠK ab", + "q qa", + "Ant i", + "Ġw ow", + "ĠRC MP", + "Ġt sun", + "ĠS ic", + "Ġcomp rises", + "Ġsp ies", + "Ġprec inct", + "n u", + "Ġur ges", + "Ġtim ed", + "Ġstrip es", + "ĠB oots", + "Ġy en", + "Adv anced", + "Ġdisc rete", + "ĠArch angel", + "employ ment", + "D iff", + "Ġmon uments", + "Ġ20 9", + "work er", + "Ġ19 6", + "ĠI g", + "utter stock", + "T PS", + "J ac", + "Ġhomeless ness", + "Ġcomment ator", + "Ġrac ially", + "f ing", + "se ed", + "E le", + "ell ation", + "Ġeth anol", + "Ġpar ish", + "ĠD ong", + "ĠAw akening", + "Ġdev iation", + "ĠB earing", + "ĠTsu k", + "Ġrec ess", + "Ġl ymph", + "ĠCann abis", + "å ľ", + "ĠNEW S", + "Ġd ra", + "ĠStef an", + "ĠWr ong", + "ĠS AM", + "Ġloose ly", + "Ġinterpre ter", + "ĠPl ain", + "Go vernment", + "Ġbigot ry", + "Ġgren ades", + "ave z", + "pict ured", + "Ġmand ated", + "ĠMon k", + "ĠPed ro", + "Ġl ava", + "27 4", + "Ġcyn ical", + "ĠScroll s", + "l ocks", + "M p", + "Ġcon gregation", + "orn ings", + "ph il", + "ĠI bid", + "Ġf erv", + "Ġdisapp earing", + "Ġarrog ant", + "sy n", + "ĠMa ver", + "ĠSu it", + "24 1", + "Ġab bre", + "ack ers", + "P a", + "ĠY el", + "Whe never", + "Ġ23 5", + "ĠV ine", + "ĠAn at", + "Ġext inct", + "LE T", + "Ġexecut able", + "V ERS", + "ox ide", + "D NA", + "ĠP rel", + "Ġresent ment", + "Ġcompr ise", + "ĠAv iv", + "Ġinter ceptions", + "Ġprol ific", + "IN A", + "ĠEr in", + "though t", + "2 19", + "ĠPsychiat ry", + "un ky", + "chem ist", + "H o", + "ĠMcC oy", + "Ġbr icks", + "L os", + "ri ly", + "ĠUS SR", + "Ġr ud", + "Ġl aud", + "ĠW ise", + "ĠEmer ald", + "Ġrev ived", + "Ġdam ned", + "ĠRep air", + "id em", + "ct ica", + "Ġpatri arch", + "ĠN urs", + "me g", + "Ġcheap est", + "re ements", + "empt y", + "ĠCele br", + "Ġdepri vation", + "ch anted", + "ĠTh umbnails", + "E nergy", + "ĠEth an", + "ĠQ ing", + "Ġopp oses", + "W IND", + "v ik", + "ĠM au", + "ĠS UB", + "66 7", + "G RE", + "ĠVol unte", + "nt on", + "C ook", + "å IJ", + "es que", + "Ġplum met", + "Ġsu ing", + "Ġpron ounce", + "Ġresist ing", + "ĠF ishing", + "ĠTri als", + "Ġy ell", + "Ġ3 10", + "Ġin duct", + "Ġpersonal ized", + "oft en", + "R eb", + "EM BER", + "Ġview point", + "Ġexist ential", + "() )", + "rem ove", + "MENT S", + "l asses", + "Ġev apor", + "Ġa isle", + "met a", + "Ġreflect ive", + "Ġentit lement", + "Ġdev ised", + "mus ic", + "asc ade", + "Ġwind ing", + "off set", + "Ġaccess ibility", + "ke red", + "Bet ter", + "ĠJohn ston", + "th inking", + "S now", + "ĠCroat ia", + "ĠAt omic", + "27 1", + "34 8", + "Ġtext book", + "ĠSix th", + "Ġ اÙĦ", + "Ġsl ider", + "ĠBur ger", + "b ol", + "S ync", + "Ġgrand children", + "Ġc erv", + "+ )", + "Ġe ternity", + "Ġtweet ing", + "Ġspec ulative", + "Ġpiv otal", + "ĠW P", + "ĠT ER", + "ynam ic", + "Ġu pl", + "ĠC ats", + "per haps", + "Ġclass mates", + "Ġblat ant", + "' -", + "Ġl akh", + "ant ine", + "ĠB org", + "i om", + "/ (", + "ĠAthlet ic", + "Ġs ar", + "OT A", + "ĠHoff man", + "Never theless", + "Ġad orable", + "Ġspawn ed", + "Ass ociated", + "ĠDom estic", + "Ġimpl ant", + "ĠLux em", + "ĠK ens", + "Ġp umps", + "ĠS AT", + "Att ributes", + "50 9", + "av our", + "Ġcentral ized", + "ĠT N", + "Ġfresh ly", + "ĠA chieve", + "Ġouts iders", + "her ty", + "ĠRe e", + "ĠT owers", + "ĠD art", + "ak able", + "Ġm p", + "ĠHeaven ly", + "Ġr ipe", + "ĠCarol ine", + "ry an", + "Ġclass ics", + "Ġret iring", + "Ġ2 28", + "Ġa h", + "Ġdeal ings", + "Ġpunch ing", + "ĠChap man", + "O ptions", + "max well", + "vol ume", + "Ġst al", + "Ġex ported", + "ĠQu ite", + "Ġnumer ical", + "B urn", + "F act", + "ĠKey stone", + "Ġtrend ing", + "Ġalter ing", + "ĠAfric ans", + "47 8", + "ĠM N", + "ĠKn ock", + "Ġtempt ation", + "Ġprest ige", + "Over view", + "ĠTrad itional", + "ĠBah rain", + "Priv ate", + "ĠH OU", + "Ġbar r", + "ĠT at", + "C ube", + "US D", + "ĠGrand e", + "ĠG at", + "ĠFl o", + "Ġres ides", + "Ġind ec", + "vol ent", + "Ġperpet ual", + "ub es", + "Ġworld view", + "ĠQuant um", + "Ġfil tered", + "Ġen su", + "orget own", + "ERS ON", + "ĠM ild", + "37 9", + "OT T", + "à ¥", + "Ġvit amins", + "Ġrib bon", + "Ġsincere ly", + "ĠH in", + "Ġeight een", + "Ġcontradict ory", + "Ġgl aring", + "Ġexpect ancy", + "Ġcons pir", + "Ġmon strous", + "Ġ3 80", + "re ci", + "Ġhand ic", + "Ġpump ed", + "Ġindic ative", + "Ġr app", + "Ġav ail", + "ĠLEG O", + "ĠMar ijuana", + "19 85", + "ert on", + "Ġtwent ieth", + "################ ################", + "ĠSw amp", + "Ġval uation", + "Ġaffili ates", + "adjust ed", + "ĠFac ility", + "26 2", + "Ġenz ymes", + "itud inal", + "Ġimp rint", + "S ite", + "Ġinstall er", + "ĠT RA", + "m ology", + "lin ear", + "ĠCollect ive", + "ig ating", + "ĠT oken", + "Ġspec ulated", + "K N", + "ĠC ly", + "or ity", + "Ġdef er", + "Ġinspect ors", + "appro ved", + "R M", + "ĠSun s", + "Ġinform ing", + "ĠSy racuse", + "ib li", + "7 65", + "Ġgl ove", + "Ġauthor ize", + "â̦â̦â̦â̦ â̦â̦â̦â̦", + "ĠCru ise", + "Ġcontract ing", + "she ll", + "IF E", + "ĠJew el", + "p ract", + "ĠPhot oshop", + "ĠKnow ing", + "h arm", + "Ġattract ions", + "ad an", + "et us", + "01 8", + "w agen", + "Al t", + "Ġmultip ly", + "Ġequ ilibrium", + ": {", + "ĠF ighters", + "ĠEd gar", + "Ġfour teen", + "Go vern", + "Ġmis use", + "Ġab using", + "Ġancest ry", + "ram er", + "64 4", + "Ġwor ms", + "Ġthick er", + "ĠComb ine", + "Ġpeas ants", + "Ġv ind", + "Ġcon quest", + "Ġm ocked", + "Ġc innamon", + "ĠC ald", + "ĠGall up", + "Ġavoid ance", + "Ġincarn ation", + "ĠStr at", + "Ġt asted", + "ent a", + "ĠN eal", + "p ared", + "Ġtermin ology", + "ject ion", + "Scient ists", + "ĠIN S", + "ĠDe e", + "Ġdirect ories", + "R oad", + "ĠSh ap", + "br ight", + "ĠDirect ors", + "ĠCol umn", + "Ġb ob", + "Ġprefer ably", + "Ġgl itch", + "f urt", + "Ġe g", + "id is", + "C BC", + "Ġsur rendered", + "Ġtest ament", + "33 6", + "ug gest", + "ĠN il", + "an other", + "Ġpat hetic", + "ĠDon na", + "Ġ2 18", + "ĠA very", + "Ġwhis key", + "Ġf ixture", + "ĠCon quest", + "Ġbet s", + "O cc", + "ĠLe icester", + "] .\"", + "Ġ) );", + "Ġfl ashes", + "45 6", + "Ġmask ed", + "ge bra", + "Ġcomput ed", + "che l", + "aud er", + "Ġdefe ats", + "ĠLiber ation", + "ĠOs ama", + "ĠV ive", + "Ch anges", + "Ch annel", + "Ġtar iffs", + "Ġm age", + "ĠS ax", + "Ġinadvert ently", + "ĠC RE", + "ĠRe aper", + "ink y", + "gr ading", + "Ġstere otyp", + "Ġcur l", + "ĠF ANT", + "Ġfram eworks", + "M om", + "ĠAn ch", + "Ġflav our", + "car bon", + "Ġperm itting", + "let cher", + "ĠMo zilla", + "ĠPark ing", + "ĠCh amp", + "Sc roll", + "Ġmurd erer", + "Ġrest ed", + "Ġow es", + "ĠP oss", + "AD D", + "IF F", + "res olution", + "ĠMin ing", + "Ġcompar ative", + "D im", + "Ġneighbour ing", + "ĠA ST", + "ĠT oxic", + "Ġbi ases", + "Ġgun fire", + "ur ous", + "ĠMom ent", + "19 83", + "Ġper vasive", + "tt p", + "ĠNorm ally", + "r ir", + "S arah", + "ĠAlb any", + "Ġun sett", + "ĠS MS", + "ip ers", + "l ayer", + "ĠWh ites", + "up le", + "Ġtur bo", + "ĠLe eds", + "Ġthat s", + "ĠMin er", + "M ER", + "ĠRe ign", + "Ġper me", + "ĠBl itz", + "Ġ19 34", + "Ġintimid ating", + "t ube", + "Ġecc entric", + "ab olic", + "box es", + "ĠAssoci ates", + "v otes", + "Ġsim ulate", + "um bo", + "aster y", + "Ġship ments", + "FF FF", + "an th", + "Ġseason ed", + "Ġexperiment ation", + "âĸ ł", + "law s", + "Me et", + "idd les", + "ant ics", + "R ating", + "IS IS", + "h ift", + "Ġfront s", + "b uf", + "01 7", + "Ġun att", + "ĠD il", + "le ases", + "ĠGard ens", + "77 7", + "t ouch", + "ve ll", + "45 8", + "Ġ= ====", + "s aving", + "Ġer osion", + "ĠQu in", + "Ġearn s", + "Ġaccomplish ment", + "ĠWe i", + "Ġ< [", + "____ _", + "Ġir rig", + "ĠT eddy", + "Ġconqu ered", + "ĠArm ored", + "Ġassert s", + "Ġmanip ulating", + "r é", + "Ġtranscript s", + "G allery", + "Ġplot ting", + "Ne il", + "Ġbetray al", + "load er", + "ĠS ul", + "Ġdispl acement", + "Ġroy alty", + "ĠW I", + "he it", + "ĠDev ices", + "alle l", + "Ġmunicipal ities", + "Ġcan al", + "St ars", + "ĠU AE", + "Ġ\" â̦", + "ĠC U", + "ab ove", + "Ġreson ance", + "ĠguiActive Un", + "add ed", + "ĠBra ves", + "ĠI bn", + "Ġhere by", + "ĠB RE", + "Ġshare holder", + "ĠH ir", + "ĠJ i", + "Ġstrange ly", + "Ġadm ired", + "Ġpl ight", + "Ġb achelor", + "ĠP ole", + "cipl inary", + "T ony", + "ĠArmen ian", + "Ġun man", + "ĠZion ist", + "St age", + "isco ver", + "Ġautom otive", + "Ġs idelines", + "Ġsl ick", + "ĠRena issance", + "ĠF UN", + "Im ages", + "ĠH aj", + "Ġp ing", + "Ġshort cut", + "ĠBl vd", + "ĠLook s", + "Ġbur sts", + "Ġcl amp", + "Ġm ish", + "Ġsort ing", + "Ġpatri ot", + "Ġcorrect ness", + "ĠScand inav", + "ĠCaval iers", + "p ython", + "az ar", + "Ġ3 75", + "ĠJa une", + "40 9", + "Ġdetrim ental", + "Ġstab bing", + "Ġpoison ed", + "Ġf ountain", + "oc ent", + "or st", + "ĠMar i", + "Ġr ains", + "ĠO vers", + "ĠInst itution", + "ud get", + "AM Y", + "t ale", + "ĠK R", + "ĠPr ices", + "Ġhead aches", + "Ġlands l", + "ĠA ura", + "Bon us", + "ĠZ hao", + "ĠH ip", + "Ġhop s", + "ĠKurd istan", + "Ġexplo iting", + "ry n", + "Ġhypocr isy", + "op ening", + "Ġgun shot", + "Ġw ed", + "inter stitial", + "Inter stitial", + "Ġam en", + "Bre aking", + "Ġmarket ed", + "W ire", + "ĠC rowd", + "Contin ue", + "ĠK nown", + "ĠEffect ive", + "ore an", + "iz ons", + "Jose ph", + "Ġescal ation", + "us ername", + "Ġcur tain", + "AT ES", + "ĠP AR", + "ĠM iy", + "Ġcounter fe", + "l ene", + "Ġcont enders", + "d aily", + "ĠAs c", + "ĠPhill ip", + "most ly", + "Ġfil ename", + "he ne", + "Ġresemb ling", + "Ġst aging", + "ĠCh loe", + "Ġw iring", + "H on", + "ĠRen ew", + "ott age", + "ĠHy brid", + "m uch", + "Ġstro kes", + "Ġpolicy makers", + "AP TER", + "ĠArk ham", + "pl ot", + "Ġassist ants", + "Ġde port", + "ĠSe ga", + "Ġinflu enza", + "ĠC ursed", + "ĠK obe", + "Ġskin ny", + "Prov ider", + "ĠR ip", + "Ġincrement al", + "product s", + "B F", + "Ġd ome", + "ĠC redits", + "Ġlos ers", + "int s", + "ĠBet ty", + "ĠTal ent", + "ĠD AM", + "L v", + "E ss", + "Ġd ens", + "tem p", + "J udge", + "od ic", + "Ġ' (", + "UR ES", + "ets k", + "V O", + "Ġretrie ved", + "Ġarchitect s", + "Ù ĩ", + "Ġeth ic", + "ĠSecond ary", + "st ocks", + "ad ia", + "Ġ3 25", + "ĠOp inion", + "Ġsimultane ous", + "Ġd izz", + "ul p", + "Ġsmugg ling", + "ipp ery", + "R andom", + "f acing", + "ĠD as", + "Ġstock p", + "Ġdiscl osures", + "po inter", + "Ġcor al", + "ĠSe lection", + "ĠP ike", + "ival ent", + "Ġruth less", + "ĠR im", + "Ġensu ing", + "ĠExper iment", + "Ġcongress man", + "Ġbelie ver", + "Ġun specified", + "ĠM ord", + "Ġknowledge able", + "ĠV ERY", + "T X", + "Ġstra ps", + "Ġtur f", + "apesh ifter", + "Ġmar ital", + "Ġfl ock", + "ãģ Ĩ", + "26 3", + "AM ES", + "ĠOpp osition", + "Ġtre asures", + "ĠG OD", + "Ġmodel ed", + "ĠWOR LD", + "Ġ( [", + "ĠUs age", + "H F", + "Ġ$ (", + "uss ed", + "Ġpione er", + "E ight", + "par se", + "b read", + "rit z", + "ĠMir anda", + "ĠK ant", + "++ )", + "ore n", + "Ġprov oked", + "Ġbre eds", + "ĠIn cludes", + "ĠPast ebin", + "ĠFl ip", + "J ava", + "Ġbr ink", + "Ġrum ored", + "Ġun seen", + "Ġgar nered", + "ĠDef in", + "al ted", + "Ġtatt oos", + "Ġhes itation", + "is itions", + "ĠWe aver", + "ĠReport ing", + "Ġtherap ies", + "Ġconsult ants", + "Ġresid ual", + "ĠMal i", + "ĠRom a", + "i ago", + "ĠRes idents", + "ub i", + "Ġremed ies", + "Ġadapt ive", + "ĠAl ive", + "ĠBar cl", + "Ġwal lets", + "c rypt", + "etermin ation", + "ĠPel osi", + "Ġsl ipping", + "oton in", + "Ġall iances", + "pat rick", + "ir is", + "Ġor th", + "ĠPer kins", + "ĠDe V", + "ĠG ets", + "Ġdry ing", + "ge e", + "fore st", + "ĠFor get", + "ore m", + "33 9", + "Ġvague ly", + "ĠD ion", + "ĠP orn", + "ĠH OW", + "Ġp neum", + "Ġrub ble", + "ĠT aste", + "enc ia", + "ĠG el", + "Ġd st", + "Ġ24 5", + "ĠMoroc co", + "inf lamm", + "ĠTw ins", + "Ġb ots", + "d aughter", + "ĠB alk", + "Ġbre thren", + "Ġlog os", + "Ġgo bl", + "f ps", + "Ġsub division", + "Ġp awn", + "Ġsquee zed", + "Ġmor ale", + "ĠD W", + "' \"", + "Ġkn ot", + "ook y", + "Ġdiv isive", + "Ġboost ed", + "ch y", + "ãĥ IJ", + "if act", + "Ġnewcom ers", + "ĠWrest ling", + "Ġsc outs", + "w olves", + "R at", + "Ġnin eteenth", + "ĠOs borne", + "St ats", + "Ġem powered", + "Ġpsych opath", + "ĠO EM", + "ugg age", + "ĠP K", + "ĠMoh ammad", + "P ak", + "Ġanarch ists", + "ĠExt ract", + "est hes", + "ĠStock holm", + "l oo", + "ĠG raph", + "Ġdeploy ing", + "ĠStr anger", + "ĠM old", + "Ġstaff er", + "Ġdiscount ed", + "uck le", + "ple ase", + "ĠLand ing", + "ÃŃ a", + "Ġ19 3", + "Ġan te", + "Ġrep etition", + "Ġ+ /-", + "Ġpar ody", + "Ġlive ly", + "AA A", + "ĠHor us", + "Ġp its", + "ind ers", + "L OC", + "ĠVen ice", + "40 6", + "ĠDis cover", + "â Ĩ", + "ellect ual", + "Ġp ens", + "Ġey el", + "ig uous", + "Im pl", + "Ġj oking", + "Ġinv al", + "ĠBel fast", + "Ġcredit ors", + "ĠSky walker", + "ov sky", + "Ġcease fire", + "Ġse als", + "is oft", + ") ).", + "ĠFel ix", + "IT S", + "Ġt resp", + "ĠBlock chain", + "ew are", + "ĠSch war", + "en ne", + "mount ed", + "ĠBe acon", + "les h", + "Ġimmense ly", + "Ġche ering", + "Em ploy", + "sc ene", + "ish ly", + "atche wan", + "ĠNic olas", + "Ġdr ained", + "ĠEx it", + "ĠAz erb", + "j un", + "Ġflo ated", + "u ania", + "De ep", + "Ġsuper v", + "Ġmyst ical", + "ĠD ollar", + "ĠApost le", + "ĠR EL", + "ĠProv ided", + "ĠB ucks", + "ãĥ ´", + "cut ting", + "Ġenhance ments", + "ĠPengu ins", + "ĠIsa iah", + "Ġj erk", + "ĠW yn", + "Ġst alled", + "Ġcryptoc urrencies", + "ĠR oland", + "sing le", + "Ġl umin", + "ĠF ellow", + "ĠCap acity", + "ĠKaz akh", + "W N", + "Ġfin anced", + "38 9", + "Ġt id", + "Ġcoll usion", + "ĠMy r", + "î Ģ", + "Sen ator", + "Ġped iatric", + "Ġneat ly", + "Ġsandwic hes", + "ĠArchitect ure", + "Ġt ucked", + "Ġbalcon y", + "Ġearthqu akes", + "qu ire", + "F uture", + "Ġhe fty", + "é Ĺ", + "Ġspecial izes", + "Ġstress es", + "Ġs ender", + "Ġmisunder standing", + "Ġep ile", + "Ġprov oke", + "ĠCol ors", + "Ġdis may", + "uk o", + "[ _", + "58 6", + "ne utral", + "Ġdon ating", + "ĠRand all", + "Mult i", + "Ġconvenient ly", + "ĠS ung", + "ĠC oca", + "Ġt ents", + "ĠAc celer", + "Ġpart nered", + "27 2", + "ir ming", + "ĠB AS", + "s ometimes", + "Ġobject ed", + "ub ric", + "p osed", + "LC S", + "gr ass", + "Ġattribut able", + "V IS", + "Israel i", + "Ġrepe ats", + "ĠR M", + "v ag", + "ut a", + "in ous", + "Ġin ert", + "ĠMig uel", + "æ Ń", + "ĠHawai ian", + "B oard", + "Ġart ific", + "ĠAzerb ai", + "as io", + "ĠR ent", + "A IN", + "Ġappl iances", + "Ġnational ity", + "Ġass hole", + "ĠN eb", + "Ġnot ch", + "h ani", + "ĠBr ide", + "Av ailability", + "Ġintercept ed", + "Ġcontin ental", + "Ġsw elling", + "ĠPers pect", + "b ies", + ". <", + "ith metic", + "ĠL ara", + "Ġtempt ing", + "add r", + "Ġoversee ing", + "cl ad", + "ĠD V", + "ĠGing rich", + "Ġm un", + "ĠApp ropri", + "Ġalter ations", + "ĠPat reon", + "Ġha voc", + "Ġdiscipl ines", + "Ġnotor iously", + "aku ya", + "ier i", + "? ).", + "ĠW ent", + "Ġsil icon", + "Ġtre mb", + "Cont ainer", + "K nown", + "Ġmort ar", + "est e", + "ick a", + "Ar thur", + "ĠPre viously", + "ĠMart y", + "Ġsp arse", + "g ins", + "Ġin ward", + "ĠParticip ant", + "C opy", + "ĠM isc", + "Ġantib iotic", + "ĠRet ro", + "Ġel usive", + "Ġass ail", + "ĠBatt alion", + "ĠB ought", + "Ġdimin ish", + "ĠEuro pa", + "s ession", + "ĠDanger ous", + "ies el", + "Ġdisbel ief", + "Ġbl asts", + "ext reme", + "ĠBoy d", + "ĠProject s", + "ĠGu ys", + "Ġunder gone", + "Ġgr ill", + "ĠDw ight", + "Ġ19 7", + "US ER", + "Ġfiles ystem", + "Ġcl ocks", + "T aylor", + "Ġwra pper", + "Ġfold ing", + "ous and", + "ĠPhilipp ine", + "ATION AL", + "ĠPer th", + "Ġas hes", + "Ġaccum ulate", + "ĠGate way", + "Sh op", + "orks hire", + "H an", + "ĠBar rel", + "ĠLe h", + "ĠX V", + "Ġwh im", + "Ġrep o", + "ĠC G", + "ĠM am", + "Ġincorpor ating", + "Ġbail out", + "Ġlingu istic", + "Ġdis integ", + "C LE", + "Ġcinem atic", + "ĠF iber", + "S yn", + "il ion", + "ĠCom pos", + "c hens", + "Ġne oc", + "Ġbo iled", + "F INE", + "on o", + "un cle", + "ik en", + "ĠB M", + "Î ¹", + "Ġreceipt s", + "Ġdisp osed", + "ĠTh irty", + "ĠR ough", + "ĠA BS", + "Ġnot withstanding", + "oll en", + "# $", + "Ġunrel iable", + "Ġbl oom", + "Ġmedi ocre", + "Ġtr am", + "ĠTas man", + "Ġsh akes", + "Ġmanifest o", + "ĠM W", + "Ġsatisf actory", + "Ġsh ores", + "Ġcomput ation", + "Ġassert ions", + "orm ons", + "ar ag", + "ab it", + "Dem ocrats", + "ĠL oot", + "ĠVol ks", + "ha ired", + "Ġgrav itational", + "S ing", + "ĠM iz", + "Ġthro ttle", + "Ġtyr anny", + "ĠView s", + "Ġrob ber", + "ĠMinor ity", + "Ġsh rine", + "sc ope", + "pur pose", + "Ġnucle us", + "our cing", + "ĠUS DA", + "ĠD HS", + "w ra", + "ĠBow ie", + "Sc ale", + "ĠB EL", + "x i", + "I ter", + "Ġ( ),", + "w right", + "Ġsail ors", + "ous ed", + "NAS A", + "ĠPro of", + "ĠMin eral", + "t oken", + "ĠF D", + "R ew", + "Ġe ll", + "6 30", + "Ġchance llor", + "ĠG os", + "Ġamount ed", + "ĠRec re", + "ome z", + "ĠOpt im", + "ĠOl ive", + "Ġtrack er", + "ow ler", + "ĠUn ique", + "R oot", + "Ġmar itime", + "ĠQur an", + "ĠAd apt", + "Ġecosystem s", + "ĠRe peat", + "ĠS oy", + "ĠI MP", + "Ġgrad uating", + "and em", + "P ur", + "ĠRes et", + "ĠTr ick", + "ĠPh illy", + "ĠT ue", + "ĠMalays ian", + "Ġclim ax", + "Ġb ury", + "Ġcons pic", + "ĠSouth ampton", + "ĠFl owers", + "Ġesc orted", + "ĠEduc ational", + "ĠI RC", + "Ġbrut ally", + "e ating", + "Ġpill ar", + "ĠS ang", + "ĠJ ude", + "ar ling", + "ĠAm nesty", + "Ġrem inding", + "ĠAdminist rative", + "hes da", + "Ġfl ashed", + "ĠP BS", + "per ate", + "fe ature", + "Ġsw ipe", + "Ġgra ves", + "oult ry", + "26 1", + "bre aks", + "ĠGu er", + "Ġsh rimp", + "ĠV oting", + "qu ist", + "Ġanaly tical", + "Ġtables poons", + "ĠS OU", + "Ġresear ched", + "Ġdisrupt ed", + "Ġj our", + "Ġrepl ica", + "Ġcart oons", + "b ians", + "} )", + "c opy", + "G ot", + "ou ched", + "P UT", + "Ġsw arm", + "not ations", + "s aid", + "Ġreb uilt", + "Ġcollabor ate", + "Ġr aging", + "Ġn ar", + "Ġdem ographics", + "ĠD DR", + "Ġdist rust", + "oss ier", + "ĠK ro", + "Ġpump kin", + "Ġreg rets", + "Ġfatal ities", + "ĠL ens", + "ĠO le", + "p d", + "Ġpupp et", + "ĠOut look", + "ĠSt am", + "O l", + "F air", + "U U", + "Ġre written", + "Ä ±", + "Ġfasc inated", + "Ġve ctors", + "Ġtrib unal", + "u ay", + "ĠM ats", + "ĠCo ins", + "[ [", + "Ġ18 1", + "Ġrend ers", + "ĠK aepernick", + "Ġesp ionage", + "Ġsum m", + "Ġd itch", + "Acc ount", + "Ġspread sheet", + "Ġmut ant", + "p ast", + "40 7", + "Ġd ye", + "Ġinit iation", + "Ġ4 000", + "Ġpunish able", + "Ġth inner", + "ĠKh al", + "Ġinter medi", + "D un", + "ĠGoth am", + "Ġeager ly", + "Ġvag inal", + "p owers", + "V W", + "ĠWATCH ED", + "Ġpred ator", + "ams ung", + "Ġdispar ity", + "Ġ[ *", + "Ġam ph", + "Ġout skirts", + "ĠSpir its", + "Ġskelet al", + "Ð »", + "ĠR ear", + "Ġissu ance", + "ĠLog ic", + "re leased", + "Z Z", + "ĠB ound", + "Ent ry", + "Ġex its", + "is ol", + "ĠFound er", + "Ġw re", + "ĠGreen land", + "ĠM MO", + "t aker", + "IN C", + "ãģ ¾", + "Ġhour ly", + "hen ko", + "Ġfantas ies", + "Ġdis ob", + "Ġdemol ition", + "ãĥ ĭ", + "Ġen listed", + "rat ulations", + "Ġmis guided", + "Ġens ured", + "Ġdiscour aged", + "m ort", + "Ġfl ank", + "Ġc ess", + "Ġreact s", + "ĠS ere", + "s ensitive", + "ĠSer pent", + "ass ad", + "Ġ24 7", + "Ġcalm ly", + "b usters", + "Ġble ed", + "ĠSt ro", + "Ġamuse ment", + "ĠAntar ctica", + "Ġs cept", + "ĠG aw", + "a q", + "ason ic", + "Ġsp rawling", + "n ative", + "atur ated", + "ĠBattle field", + "IV ERS", + "E B", + "ĠG ems", + "ĠNorth western", + "ĠFil ms", + "ĠAut omatic", + "Ġappre hend", + "ãģ ¨", + "Ġgui Name", + "Ġback end", + "Ġevid enced", + "ge ant", + "01 2", + "ĠS iege", + "Ġexternal To", + "Ġunfocused Range", + "ĠguiActiveUn focused", + "Ġgui Icon", + "ĠexternalTo EVA", + "ĠexternalToEVA Only", + "F ri", + "ch ard", + "en aries", + "Ġchief s", + "Ġc f", + "ĠH UD", + "Ġcorro bor", + "Ġd B", + "ĠT aken", + "ĠPat ricia", + "ra il", + "ĠCh arm", + "ĠLiber tarian", + "rie ve", + "Person al", + "ĠO UR", + "ger ies", + "Ġdump ing", + "Ġneurolog ical", + "it imate", + "ĠClint ons", + "raft ed", + "ĠM olly", + "Ġtermin als", + "reg ister", + "Ġfl are", + "Ġenc oded", + "Ġautop sy", + "p el", + "m achine", + "Ġexempt ions", + "ĠRoy als", + "d istance", + "Ġdraft s", + "Ġl ame", + "ĠC unning", + "Ġsp ouses", + "ĠMark ets", + "ĠCar rier", + "Ġimp lying", + "ĠY ak", + "s id", + "Ġl oser", + "Ġvigil ant", + "Ġimpe achment", + "Ġaug mented", + "ĠEmploy ees", + "Ġunint ended", + "tern ally", + "ĠW att", + "Ġrecogn izable", + "ess im", + "æ Ŀ", + "Ġco ated", + "r ha", + "Ġlie utenant", + "ĠLegisl ation", + "pub lished", + "44 4", + "01 3", + "Ġide ally", + "ĠPass word", + "Ġsimpl ify", + "ĠMet a", + "ĠM RI", + "Ġple ading", + "organ ized", + "hand ler", + "Ġun ravel", + "cor rect", + "Ġ icy", + "Ġparan oid", + "Ġpass er", + "Ġinspect ions", + "of er", + "ĠHealth care", + "28 3", + "ĠBr ut", + "iol a", + "for ge", + "ĠMed ieval", + "MS N", + "ie vers", + "ĠProgram ming", + "å ī", + "Ġ2 23", + "m u", + "ĠC LE", + "ug a", + "Ġsho ppers", + "Ġinform ative", + "ĠPl ans", + "Ġsupplement ation", + "ĠT ests", + "ty ard", + "ocy tes", + "ĠVeg a", + "ĠGujar at", + "erman ent", + "Ex cept", + "ĠL OT", + "all a", + "ĠC umm", + "ĠO sw", + "Ġven om", + "ĠDeb t", + "ĠD OWN", + "Ġreun ion", + "Ġm uc", + "ĠRel ief", + "Ġge op", + "ĠðŁ ĺ", + "al ogue", + "An th", + "ech o", + "Ġcor ros", + "Ġrepl ication", + "ĠBl azing", + "ĠD aughter", + "Ġinf lic", + "ĠLind sey", + "Ù Ī", + "28 4", + "Ex it", + "Ġgl oom", + "TA IN", + "Ġundermin ing", + "Ġadv ising", + "h idden", + "Ġover flow", + "Ġg or", + "urd ue", + "Ġe choes", + "enh agen", + "Ġimp uls", + "d rug", + "c ash", + "Ġas ync", + "Ġmir ac", + "at ts", + "p unk", + "Ġpiv ot", + "ĠLegisl ative", + "Ġblog gers", + "ĠCl aw", + "s burg", + "d yl", + "ĠRecomm end", + "Ġver te", + "Ġprohib iting", + "ĠPant her", + "Jon athan", + "Ġo min", + "Ġhate ful", + "28 1", + "ĠOr che", + "ĠMurd och", + "down s", + "Ġas ymm", + "G ER", + "Al ways", + "Ġinform s", + "ĠW M", + "ĠP ony", + "ĠApp endix", + "ĠAr lington", + "J am", + "Ġmedic inal", + "ĠS lam", + "IT IES", + "Ġre aff", + "ĠR i", + "F G", + "S pring", + "b ool", + "Ġthigh s", + "Ġmark ings", + "ĠRa qqa", + "ĠL ak", + "p oll", + "ts ky", + "ĠMort y", + "ĠDef inition", + "Ġdeb unk", + "end ered", + "ĠLe one", + "a vers", + "Ġmortg ages", + "App arently", + "N ic", + "ha us", + "ĠTh ousands", + "au ld", + "Ġm ash", + "sh oot", + "Ġdi arr", + "Ġconscious ly", + "H ero", + "e as", + "ĠN aturally", + "ĠDestroy er", + "Ġdash board", + "serv ices", + "R og", + "Ġmillenn ials", + "Ġinv ade", + "- (", + "Ġcomm issions", + "ĠA uckland", + "Ġbroadcast s", + "Ġfront al", + "Ġcr ank", + "ĠHist oric", + "Ġrum ours", + "CT V", + "Ġster il", + "Ġboost er", + "rock et", + "ãĤ ¼", + "ut sche", + "ĠP I", + "Ġ2 33", + "ĠProdu cer", + "ĠAnaly tics", + "Ġinval uable", + "Ġunint ention", + "ĠC Y", + "Ġscrut in", + "Ġg igg", + "Ġeng ulf", + "Ġprolet ariat", + "Ġh acks", + "ĠH ew", + "ar ak", + "ĠSl ime", + "ield ing", + "ag her", + "ĠEll iot", + "Ġtele com", + "Ġ2 19", + "ult an", + "ĠAr bor", + "ĠSc outs", + "B an", + "Ġlifes pan", + "Ġbl asp", + "38 8", + "Ġjud iciary", + "ĠContin ental", + "ask ing", + "Mc C", + "L ED", + "Ġbag gage", + "ĠSorce rer", + "Ġrem nants", + "ĠGriff ith", + "ets u", + "ĠSub aru", + "ĠPerson ality", + "des igned", + "ush ima", + "agn ar", + "Ġrec oil", + "Ġpass ions", + "\\ \":", + "Ġte e", + "Ġabol ition", + "ĠCreat ing", + "j ac", + "Ġ19 4", + "01 9", + "Ġpill ars", + "ric hed", + "/ \"", + "t k", + "Ġlive lihood", + "Ġro asted", + "ah on", + "ĠH utch", + "ass ert", + "Ġdivid end", + "Ġkn it", + "Ġd aunting", + "Ġdisturb ance", + "Ġsh ale", + "Ġcultiv ated", + "Ġrefriger ator", + "L B", + "ĠN ET", + "Ġcommercial s", + "Ġthink ers", + "45 5", + "Ġch op", + "B road", + "Ġsuspic ions", + "Ġtag ged", + "l ifting", + "Ġsty lish", + "ĠShield s", + "Short ly", + "Ġt ails", + "A uth", + "ST E", + "ĠG AME", + "Ġse ism", + "ĠK is", + "olog ne", + "Ġcow ork", + "Ġforc ibly", + "Ġthy roid", + "ĠP B", + "AN E", + "mar ried", + "h orse", + "Ġpoly mer", + "ĠCh al", + "od or", + "DE BUG", + "ĠCon text", + "Ġbl iss", + "Ġpin point", + "ĠMat hemat", + "leg ram", + "ĠWeek end", + "Ġlab elled", + "Ġb art", + "it les", + "Ġest rogen", + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ", + "\" '", + "Ġvis ibly", + "Ġouts ider", + "aid a", + "Are a", + "Ġdisse min", + "Ġdish onest", + "ĠCl osed", + "ĠBullet in", + "ĠRam sey", + "sw ord", + "ĠX I", + "our ced", + "S ame", + "34 6", + "ĠRe pe", + "ĠK ou", + "c ake", + "em is", + "C ache", + "ĠMe aning", + "ĠEn light", + "onom y", + "Ġmanifest ation", + "sw orth", + "J ay", + "Ġch ore", + "ö r", + "D ream", + "Ġsanction ed", + "Ġcult urally", + "ĠA ra", + "N av", + "Ġthe ological", + "Ġstr ut", + "ĠV O", + "ĠHand book", + "Ġconstruct ing", + "Ġ ¶", + "ĠBenef its", + "ĠPsych ological", + "s ac", + "å ¸", + "p olicy", + "ĠMat ters", + "ĠReport ed", + "ĠBy te", + "Ġvit ro", + "ĠM aiden", + "Ġl am", + "ĠJenn ings", + "Ġgar ment", + "ĠRut gers", + "ĠStaff ord", + "ĠWell ington", + "Ġinter mitt", + "Ġn pm", + "Ġord eal", + "Ġplug ged", + "o oming", + "in ished", + "fram ework", + "Ġtim ber", + "Ġc ass", + "Ġ8 50", + "il ess", + "ĠRed ux", + "7 68", + "St re", + "Ġsurpass ed", + "w hel", + "Ġparalle ls", + "Ġve il", + "ĠG I", + "ĠR EST", + "Ġread iness", + "s ort", + "Ġmod ifying", + "ĠSl ate", + "ru ff", + "Ġmar ble", + "Ġinf rared", + "Ġaud itor", + "ĠFANT ASY", + "ĠP overty", + "ĠS PD", + "Ġ\" (", + "K y", + "RA Y", + "Ġexecut ions", + "ĠBever ly", + "ĠMarx ism", + "ĠBur st", + "ĠK ali", + "est ones", + "Clear ly", + "E ll", + "ãģ §", + "ĠProceed ings", + "T oken", + "IF IC", + "ñ a", + "Cent ral", + "ĠH aley", + "ĠD rama", + "Ġform ations", + "OR N", + "Book s", + "Ġdom inating", + "ĠFly ers", + "ĠCompan ion", + "Ġdiscipl ined", + "ĠYug oslav", + "ĠSpell s", + "Ġv engeance", + "Ġland lords", + "L en", + "ĠO gre", + "ano ia", + "Ġpier cing", + "Ġcon greg", + "Ġscore r", + "ob ia", + "Ġnic kel", + "ĠLear ns", + "Ġre jo", + "Ġmaster piece", + "Fl ash", + "Ġinhab ited", + "ĠOpen GL", + "ĠD ud", + "ĠI CO", + "Ġar ter", + "Ġpl ur", + "Ġmaster y", + "Ġlong standing", + "st ed", + "Ġw ines", + "Ġtelev ised", + "ĠSh rine", + "ĠBay ern", + "Ġâ ĵĺ", + "Ġencl osure", + "j ohn", + "Ġprophe ts", + "ĠRes urrection", + "ĠOrd ers", + "Ġun even", + "r als", + "Ġd wind", + "ĠL ah", + "ĠSl oven", + "37 8", + "Ġins istence", + "aff le", + "ĠCl one", + "Ġhard ship", + "ĠCongress man", + "Ġple ad", + "Ġreview ers", + "Ġc ured", + "Ġ19 35", + "as ley", + "f ake", + "ĠTh inking", + "yd ia", + "P ART", + "ĠD ota", + "o it", + "Ġwh ipped", + "Ġb ouncing", + "ĠHispan ics", + "com ings", + "Ġcann abin", + "ĠCh ambers", + "ĠZ ack", + "Option al", + "Ġco ats", + "Ġprow ess", + "ĠNort on", + "Ġplain ly", + "Ġfre ight", + "Ġinhib ition", + "Ġcl am", + "Ġ30 3", + "ke f", + "ale igh", + "L uke", + "Ġpsych o", + "ator ium", + "M ED", + "Ġtreat ies", + "Ġind isc", + "Ġd c", + "OP S", + "Ġresil ient", + "ĠInter state", + "Ġsl ack", + "Ġmund ane", + "Ġestab lishes", + "35 9", + "Ġstr ained", + "Ġn ond", + "S us", + "Ġcast e", + "ar ate", + "ie ving", + "Ġunfair ly", + "Ġpars er", + "on ial", + "urs ive", + "V ia", + "ĠOtt o", + "ĠAuthor ities", + "stro ke", + "K R", + "ĠMer cy", + "Ġfurn ished", + "Ġout set", + "Ġmet ic", + "19 82", + "olith ic", + "ĠT ent", + "og ical", + "ĠA ircraft", + "Ġh ides", + "ĠBec ame", + "Ġeduc ators", + "re aching", + "Ġvol atility", + "Ġtodd ler", + "ĠNAS CAR", + "ĠTw elve", + "ĠHigh lights", + "Ġgra pe", + "Ġspl its", + "Ġpe asant", + "Ġre neg", + "ĠMS I", + "Tem p", + "st ars", + "Ġtre k", + "ĠHy de", + "b inding", + "Ġreal ism", + "Ġox ide", + "ĠH os", + "Ġmount s", + "Ġbit ing", + "Ġcollaps ing", + "Ġpost al", + "Ġmuse ums", + "Ġdet ached", + "Ġrespect ing", + "Ġmonop ol", + "Ġwork flow", + "ĠC ake", + "Tem plate", + "ĠOrgan isation", + "Ġpers istence", + "36 9", + "C oming", + "B rad", + "Ġredund ant", + "ĠG TA", + "Ġb ending", + "Ġrev oked", + "Ġoff ending", + "Ġfram ing", + "Ġprint f", + "Comm un", + "mem bers", + "Out side", + "Ġconst rued", + "Ġc oded", + "F ORE", + "Ġch ast", + "Ch at", + "Ind ian", + "ĠY ard", + "? !\"", + "ĠP orts", + "ĠX avier", + "ĠR ET", + "' .\"", + "ĠBo at", + "iv ated", + "ich t", + "umer able", + "D s", + "ĠDun n", + "Ġcoff in", + "Ġsecure ly", + "ĠRapt ors", + "ĠB es", + "Install ation", + "Ġin ception", + "ĠHealth y", + "end ants", + "Ġpsych ologists", + "ĠShe ikh", + "c ultural", + "ĠBlack Berry", + "sh ift", + "F red", + "oc he", + "Ġc akes", + "ĠS EO", + "ĠG ian", + "ĠAs ians", + "og ging", + "e lement", + "Ġpund its", + "ĠV augh", + "ĠG avin", + "Ġh itter", + "Ġdrown ed", + "Ġch alk", + "ĠZ ika", + "Ġmeas les", + "80 2", + "â̦ ..", + "ĠAW S", + "] \"", + "Ġdist ort", + "ĠM ast", + "Ġantib odies", + "ĠM ash", + "Mem ory", + "ĠUg anda", + "ĠPro b", + "Ġvom iting", + "ĠTurn s", + "Ġoccup ying", + "Ġev asion", + "ĠTher apy", + "Ġprom o", + "Ġelect r", + "Ġblue print", + "ĠD re", + "pr iced", + "ĠDep ot", + "Ġallev iate", + "ĠSom ali", + "m arg", + "n ine", + "Ġnostalg ia", + "ĠShe pherd", + "Ġcaval ry", + "Ġtor ped", + "ĠBlood y", + "x b", + "Ġs ank", + "Ġgo alt", + "report print", + "embed reportprint", + "clone embedreportprint", + "ĠIn itially", + "ĠF ischer", + "Ġnot eworthy", + "c ern", + "Ġin efficient", + "raw download", + "rawdownload cloneembedreportprint", + "c ation", + "ĠD ynasty", + "l ag", + "D ES", + "Ġdistinct ly", + "ĠEston ia", + "Ġopen ness", + "Ġg ossip", + "ru ck", + "W idth", + "ĠIb rahim", + "Ġpet roleum", + "Ġav atar", + "ĠH ed", + "ath a", + "ĠHog warts", + "Ġc aves", + "67 8", + "Ġsafegu ard", + "ĠM og", + "iss on", + "ĠDur ham", + "sl aught", + "ĠGrad uate", + "Ġsub conscious", + "ĠEx cellent", + "ĠD um", + "---- -", + "Ġp iles", + "ĠW ORK", + "ĠG arn", + "ĠF ol", + "ĠAT M", + "Ġavoid s", + "ĠT ul", + "Ġble ak", + "EL Y", + "iv ist", + "light ly", + "P ers", + "ĠD ob", + "ĠL S", + "Ġins anity", + "Î µ", + "atal ie", + "En large", + "Ġtw ists", + "Ġfault y", + "Ġpir acy", + "Ġimp over", + "Ġrug ged", + "ĠF ashion", + "Ġs ands", + "' ?", + "sw ick", + "Ġn atives", + "Ġhe n", + "ĠNo ise", + "ãĥ Ĺ", + "Ġg reens", + "Ġfree zer", + "Ġd ynasty", + "ĠFather s", + "ĠNew ark", + "Ġarchae ological", + "Ġo t", + "ob ar", + "Ġblock ade", + "Ġall erg", + "L V", + "Ġdeb it", + "ĠR FC", + "ĠMil ton", + "ĠPress ure", + "Ġwill ingly", + "Ġdisproportion ate", + "Ġopp ressive", + "Ġdiamond s", + "Ġbelong ings", + "19 70", + "Ġbell s", + "Ġimperial ism", + "Ġ2 27", + "Ġexpl oding", + "ĠE clipse", + "Ġ19 19", + "Ġr ant", + "Ġnom inations", + "34 7", + "Ġpeace fully", + "ric a", + "ĠF UCK", + "Ġvib ration", + "mal ink", + "Ġro pes", + "ĠIv anka", + "ĠBrew ery", + "ĠBook er", + "ĠOw ens", + "go ers", + "Serv ices", + "ĠSn ape", + "Ġ19 1", + "39 5", + "Ġ2 99", + "just ice", + "Ġb ri", + "Ġdisc s", + "Ġprom inently", + "Ġvul gar", + "Ġsk ipping", + "l ves", + "Ġtsun ami", + "37 4", + "ĠU rug", + "ĠE id", + "rec ated", + "p hen", + "Ġfault s", + "ĠStart ed", + "9 50", + "Ġp i", + "Ġdetect or", + "Ġbast ard", + "Ġvalid ated", + "Space Engineers", + "OUR CE", + "Ġ( ~", + "Ġuns ur", + "Ġaff irmed", + "Ġfasc ism", + "Ġres olving", + "ĠCh avez", + "ĠC yn", + "Ġdet ract", + "L ost", + "Ġrig ged", + "Ġhom age", + "ĠBrun o", + "55 5", + "ec a", + "Ġpress es", + "Ġhum our", + "Ġsp acing", + "Ġ' /", + "olk ien", + "C oun", + "OP ER", + "T re", + "S on", + "ĠCambod ia", + "ier re", + "m ong", + "o zy", + "Ġliquid ity", + "ĠSov iets", + "ĠFernand o", + "Ġ2 29", + "Ġsl ug", + "ĠCatal an", + "elect ric", + "Ġsc enery", + "ĠH earth", + "Ġconst rained", + "Ġgoal ie", + "ĠGu idelines", + "ĠAm mo", + "ĠPear son", + "Ġtax ed", + "Ġfet us", + "Resp onse", + "ĠAlex is", + "th ia", + "G uy", + "Ġrecon struct", + "Ġextrem es", + "Ġconclud ing", + "ĠP eg", + "ook s", + "Ġded uctions", + "R ose", + "Ġground breaking", + "ĠT arg", + "ãĥ ģ", + "ĠRe ve", + "res ource", + "Ġmo ons", + "Ġelectrom agnetic", + "Ġamid st", + "ĠVik tor", + "N ESS", + "B ACK", + "Ġcomm ute", + "ĠAna heim", + "Ġfluct uations", + "6 40", + "Ġnood les", + "ĠCop enhagen", + "ĠT ide", + "ĠGri zz", + "ĠS EE", + "Ġpip elines", + "Ġsc ars", + "end o", + "ag us", + "ĠE TF", + "/ #", + "ĠBec ome", + "44 8", + "Ġvis c", + "ĠRecomm ended", + "Ġj umper", + "Ġcogn ition", + "Ġassass in", + "Ġwitness ing", + "ĠSet up", + "Ġl ac", + "v im", + "IS M", + "p ages", + "SS L", + "35 8", + "Ġad ject", + "indust rial", + "l ore", + "cher y", + "Ġgl itter", + "Ġc alf", + "Flor ida", + "Ġspoil ers", + "Ġsucceed s", + "Ġch anting", + "Ġslog ans", + "ĠTr acy", + "Vis it", + "rol ogy", + "Ġm ornings", + "Ġline age", + "Ġs ip", + "Ġintense ly", + "Ġflour ish", + "ĠSle eping", + "ĠF em", + "or por", + "ĠK lan", + "ĠDar th", + "h ack", + "ĠNi elsen", + "Ġtum ors", + "Ġprocure ment", + "ĠY orkshire", + "Ġra ided", + "K Y", + "An na", + "Ġ// [", + "ĠDis order", + "ĠMust ang", + "ĠW en", + "ĠTry ing", + "s q", + "Ġdeliver ies", + "Ġshut ter", + "Ġcere bral", + "Ġbip olar", + "ĠC N", + "l ass", + "j et", + "Ġdeb ating", + "> :", + "Ġe agle", + "gr ades", + "ĠD ixon", + "UG C", + "M AS", + "ĠDr aco", + "ĠMach ines", + "aff er", + "Ġem an", + " ²", + "pr on", + "ĠG ym", + "Ġcompar atively", + "ĠTrib unal", + "PR O", + "Ġle x", + "Ġfert ile", + "Ġdep ressing", + "Ġsuperf icial", + "ess ential", + "ĠHun ters", + "g p", + "Ġprom inence", + "L iber", + "ĠAn cest", + "ote chnology", + "Ġm ocking", + "ĠTra ff", + "ĸ ļ", + "Med ium", + "I raq", + "Ġpsychiat rist", + "Quant ity", + "ĠL ect", + "Ġno isy", + "5 20", + "G Y", + "Ġsl apped", + "ĠM TV", + "Ġpar a", + "p ull", + "Mult iple", + "as her", + "Ġn our", + "ĠSe g", + "Spe ll", + "v ous", + "ord ial", + "Sen ior", + "ĠGold berg", + "ĠPl asma", + "ne ed", + "Ġmess enger", + "ere t", + "Ġteam ed", + "Ġliter acy", + "ĠLe ah", + "ĠD oyle", + "Ġem itted", + "U X", + "Ġev ade", + "Ġm aze", + "Ġwrong ly", + "ĠL ars", + "Ġstere otype", + "Ġpled ges", + "Ġarom a", + "ĠM ET", + "Ġac re", + "ĠO D", + "Ġf f", + "Ġbrew eries", + "ĠH ilton", + "und le", + "ĠK ak", + "ĠThank fully", + "ĠCan ucks", + "in ctions", + "ĠApp ears", + "Ġco er", + "Ġundermin ed", + "ro vers", + "And re", + "Ġbl aze", + "um ers", + "Ġfam ine", + "amp hetamine", + "ulk an", + "Am ount", + "Ġdesper ation", + "wik ipedia", + "develop ment", + "ĠCor inth", + "uss ia", + "Jack son", + "L I", + "N ative", + "R s", + "Oh io", + "ĠKath leen", + "F ortunately", + "Ġattend ant", + "ĠPre ferred", + "ĠDid n", + "ĠV s", + "M is", + "Ġrespond ent", + "Ġb oun", + "st able", + "Ġp aved", + "Ġunex pl", + "ĠChe ney", + "L M", + "ĠC ull", + "bl own", + "Ġconfront ing", + "oc ese", + "serv ing", + "W i", + "ĠLith uania", + "ann i", + "Ġst alk", + "h d", + "Ġv ener", + "AP H", + "ynchron ous", + "UR R", + "um ably", + "hist oric", + "H alf", + "H ay", + "Ġresil ience", + "spe ction", + "Ġabandon ing", + "O bs", + "ĠDeb bie", + "Ġgrad ient", + "ĠPl aint", + "ĠCan al", + "AR CH", + "Ġexpans ive", + "Ġfun g", + "Ġb ounced", + "U nd", + "Ġprec autions", + "Ġclar ification", + "Ġd agger", + "Ġgri ps", + "Ġ µ", + "ĠRiver a", + "ĠUnd ead", + "is ites", + "ĠFIR ST", + "ñ o", + "aud i", + "Ġhost ages", + "Ġcompl iant", + "Ġal umni", + "Se ven", + "Ġcyber security", + "e ither", + "Col lect", + "Ġinvari ably", + "ĠS oci", + "Ġlaw maker", + "Ġa le", + "ĠPerson ally", + "N azi", + "Ġcustom ization", + "ĠPro c", + "ĠSask atchewan", + "eat uring", + "Ġsp ared", + "Ġdiscontin ued", + "Ġcomput ational", + "ĠMotor ola", + "Ġsuprem acist", + "government al", + "Ġparad ise", + "ĠDown ing", + "ĠNik on", + "Ġcat alyst", + "ber ra", + "Tor onto", + "8 75", + "bet a", + "ĠMac ron", + "Ġunreal istic", + "ve ctor", + "ĠVeh icles", + "it iveness", + "ĠR V", + "ĠCol bert", + "s in", + "o ji", + "ent in", + "ĠKr ish", + "hell o", + "ff ield", + "ok y", + "ĠT ate", + "Ġmap le", + "Ġa ids", + "chem ical", + "33 4", + "n uts", + "ĠWar p", + "Ġx x", + "ĠRob b", + "umer ous", + "_- _", + "ft ime", + "ĠV W", + "Ġw inger", + "ĠD ome", + "t ools", + "ĠP V", + "ĠGe orgetown", + "Ġg eared", + "Ġjihad ists", + "Ġc p", + "Ġster oids", + "M other", + "cler osis", + "ĠDR M", + "nes ia", + "Ġl inger", + "Ġimm ersive", + "ĠC OUN", + "Ġoutwe igh", + "ens ual", + "B and", + "Ġtransform s", + "mat ched", + "ps ons", + "ĠJud icial", + "f actor", + "Ġrefer ral", + "Ġodd ly", + "ĠW enger", + "B ring", + "ĠB ows", + "60 2", + "IC LE", + "Ġl ions", + "ĠAcad emic", + "ĠTh orn", + "ĠRa ider", + "kef eller", + "St orage", + "L ower", + "ĠOr t", + "ĠEqu ality", + "AL T", + "ĠS OC", + "T ypes", + "Ġl yn", + "ĠAss et", + "co at", + "TP P", + "C VE", + "ĠPione er", + "app lication", + "Mod ern", + "ĠH K", + "En vironment", + "Al right", + "R ain", + "IP P", + "ĠShi ite", + "Ġm ound", + "ĠAb ilities", + "cond ition", + "St aff", + "Ġcompet ence", + "ĠM oor", + "ĠDi ablo", + "Ġwith held", + "Ġost ensibly", + "ĠB rom", + "Ġms g", + "Ġden omin", + "ĠRef erences", + "ĠF P", + "Ġplun ged", + "Ġp amph", + "m oving", + "cent ral", + "Ġdown right", + "Ġf ading", + "T al", + "T yp", + "ĠTh y", + "uk es", + "it he", + "Ġo ve", + "Ġbatt led", + "Ġseaf ood", + "Ġfig ur", + "ĠR D", + "c rop", + "Ġsqu ads", + "{ \\", + "à ¹", + "ĠE h", + "Ġinterview ing", + "ĠQ in", + "Ġas piring", + "PL IC", + "Ġcla uses", + "ĠG ast", + "ĠN ir", + "Ġl uggage", + "Ġh ose", + "Ġsystem d", + "Ġdesc ending", + "ĠRev ised", + "ĠR ails", + "al ign", + "70 9", + "33 7", + "Ġf ug", + "charg ing", + "t ags", + "Ġut er", + "k ish", + "WAR NING", + "49 0", + "prof its", + "Ġvoy age", + "Ġa ce", + "ĠV anguard", + "ĠT anks", + "ĠM uk", + "Ġ2 26", + "S afe", + "Ar mor", + "Ġvolcan ic", + "Ġwom b", + "ĠM IL", + "Ġbegin ner", + "ĠRec ogn", + "ĠA AP", + "PL AY", + ") !", + "Ġdetect ing", + "c n", + "Ġbre aches", + "Bas ically", + "ĠP ag", + "ĠMunicip al", + "ĠInd ie", + "ĠL af", + "ĠDis able", + "ĠOl son", + "Ġrest rained", + "Ġrul ings", + "Ġhum ane", + "ev ents", + "ĠCinem a", + "display Text", + "ĠH atch", + "action Date", + "onna issance", + "Ġassault ing", + "ĠL ug", + "CH AT", + "Ġvig orous", + "ĠPer se", + "Ġintoler ance", + "ĠSnap chat", + "ĠSh arks", + "Ġd ummy", + "ĠDi agn", + "ĠGu itar", + "im eters", + "40 3", + "RE G", + "A x", + "Ġsepar ates", + "ĠMah m", + "Ġt v", + "j ah", + "O OL", + "C irc", + "ĠWinds or", + "uss ian", + "Ġintu ition", + "Ġdis dain", + "ĠDon ovan", + "Ġ2 21", + "E mb", + "Ġcondem ning", + "Ġgener osity", + "zz y", + "Ġpant ies", + "ĠPre vent", + "Action Code", + "AN A", + "34 2", + "external ActionCode", + "Ġspec ifying", + "Ġcryst all", + "J ere", + "Ġru pt", + "ĠApp rentice", + "Ġprof iling", + "Ð º", + "St rike", + "Ġsid eline", + "Ġoblig ated", + "Ġocc ult", + "Ġbureaucr atic", + "ant ically", + "rupt ed", + "neg ative", + "ĠEthiop ia", + "ĠC ivic", + "Ġins iders", + "el igible", + "ĠTV s", + "ĠB AR", + "ĠT I", + "i ologist", + "ĠA IR", + "Ġsubstit uted", + "Ar ab", + "ĠS aul", + "ĠY og", + "p rem", + "Ġbuild ers", + "Ġstation ary", + "Ġdoubt ful", + "Ġvig orously", + "Ġthr illing", + "Ph ysical", + "ĠCare y", + "ĠHyd ra", + "geon ing", + "ĠS ly", + "y ton", + "Ġborrow ers", + "ĠPark inson", + "Ġ ë", + "ĠJama ica", + "Ġsat ir", + "Ġinsurg ents", + "ĠF irm", + "Ġis ot", + "ĠK arn", + "our ning", + "ak ens", + "doc s", + "l ittle", + "ĠMon aco", + "CL ASS", + "Tur key", + "L y", + "ĠCon an", + "ass ic", + "Ġstar red", + "ĠPac ers", + "et ies", + "Ġt ipping", + "M oon", + "ĠR w", + "s ame", + "Ġcav ity", + "Ġgo of", + "ĠZ o", + "Sh ock", + "um mer", + "Ġemphas izes", + "Ġreg rett", + "Ġnovel ty", + "Ġen vy", + "ĠPass ive", + "r w", + "50 5", + "Ġind ifferent", + "ĠR ica", + "ĠHim self", + "ĠFred die", + "Ġad ip", + "ä¸ Ģ", + "Ġbreak out", + "Ġhur ried", + "ĠHu ang", + "ĠD isk", + "Ġro aming", + "?????- ?????-", + "U V", + "ĠRick y", + "ĠS igma", + "Ġmarginal ized", + "Ġed its", + "Ġ30 4", + "mem ory", + "Ġspec imen", + "29 3", + "ãģ ¯", + "Ġvert ically", + "Ġaud ition", + "ĠHe ck", + "Ġc aster", + "ĠHold ings", + "ad al", + "ĠC ron", + "ĠL iam", + "Ġdef lect", + "P ick", + "ĠDeb ug", + "RE F", + "Ġvers atility", + "ot hes", + "class ified", + "ĠMah ar", + "ĠH ort", + "C ounter", + "st asy", + "not iced", + "33 1", + "ĠSh im", + "f uck", + "ĠB ie", + "Ġair ing", + "ĠPro tein", + "ĠHold ing", + "Ġspect ators", + "ili ated", + "ĠThat cher", + "n osis", + "ãĥ¼ ãĥ³", + "Te le", + "B oston", + "ĠTem pl", + "st ay", + "Ġdecl arations", + "47 9", + "Vol ume", + "ĠDesign er", + "ĠOver watch", + "id ae", + "Ġon wards", + "Ġn ets", + "ĠMan ila", + "part icularly", + "Ġpolit ic", + "o other", + "Ġport raits", + "Ġpave ment", + "c ffff", + "Ġs aints", + "Ġbegin ners", + "ES PN", + "Ġshort comings", + "âķIJ âķIJ", + "Ġcom et", + "ĠOrgan ic", + "qu el", + "Ġhospital ized", + "Bre ak", + "Ġpe el", + "dyl ib", + "asp x", + "ur ances", + "ĠT IM", + "P g", + "Ġread able", + "ĠMal ik", + "Ġm uzzle", + "Ġbench marks", + "d al", + "ĠV acc", + "ĠH icks", + "60 9", + "ĠB iblical", + "he ng", + "Ġover load", + "ĠCivil ization", + "Ġimm oral", + "Ġf ries", + "ãĤ Ĵ", + "Ġreprodu ced", + "Ġform ulation", + "j ug", + "ire z", + "g ear", + "Ġco ached", + "Mp Server", + "ĠS J", + "ĠK w", + "In it", + "d eal", + "ĠO ro", + "ĠL oki", + "ĠSong s", + "Ġ23 2", + "ĠLou ise", + "asion ally", + "Ġunc ond", + "olly wood", + "Ġprogress ives", + "ĠEn ough", + "ĠDo e", + "Ġwreck age", + "Ġbr ushed", + "ĠBase Type", + "Ġz oning", + "ish able", + "het ically", + "ĠC aucus", + "ĠH ue", + "Ġk arma", + "ĠSport ing", + "Ġtrad er", + "Ġseem ing", + "ĠCapt ure", + "4 30", + "b ish", + "Ġt unes", + "Ġindo ors", + "ĠSp here", + "ĠD ancing", + "TER N", + "Ġno b", + "ĠG ST", + "m aps", + "Ġpe ppers", + "F it", + "Ġoverse es", + "ĠRabb i", + "ĠR uler", + "vert ising", + "off ice", + "xx x", + "Ġra ft", + "Ch anged", + "Ġtext books", + "L inks", + "ĠO mn", + "ãĢ ij", + "Ġinconven ience", + "ĠDon etsk", + "= ~", + "Ġimplicit ly", + "Ġboost s", + "ĠB ones", + "ĠBo om", + "Cour tesy", + "Ġsens ational", + "AN Y", + "Ġgre edy", + "ed en", + "Ġinex per", + "ĠL er", + "ĠV ale", + "Ġtight en", + "ĠE AR", + "ĠN um", + "Ġancest or", + "S ent", + "ĠH orde", + "urg ical", + "all ah", + "Ġsa p", + "amb a", + "ĠSp read", + "tw itch", + "Ġgrand son", + "Ġfract ure", + "Ġmoder ator", + "ĠSe venth", + "ĠRe verse", + "Ġestim ation", + "Cho ose", + "Ġpar ach", + "Ġbar ric", + "ãĢ IJ", + "Ġcomp ass", + "Ġall ergic", + "âĢ ķ", + "OT HER", + "err illa", + "Ġw agon", + "Ġz inc", + "Ġrub bed", + "ĠFull er", + "ĠLuxem bourg", + "ĠHoo ver", + "Ġli ar", + "ĠEven ing", + "ĠCob b", + "est eem", + "Ġselect or", + "ĠB rawl", + "is ance", + "ĠE k", + "Ġtro op", + "Ġg uts", + "ĠApp eal", + "ĠTibet an", + "Ġrout ines", + "ĠM ent", + "Ġsummar ized", + "steam apps", + "Ġtr anqu", + "Ġ19 29", + "or an", + "ĠAut hent", + "Ġg maxwell", + "Ġappre hens", + "Ġpo ems", + "Ġsa usage", + "ĠWeb ster", + "ur us", + "Ġthem ed", + "Ġl ounge", + "Ġcharg er", + "Sp oiler", + "Ġsp illed", + "h og", + "ĠSu nder", + "ĠA in", + "ĠAng ry", + "Ġdis qual", + "ĠFrequ ency", + "ĠEther net", + "Ġhel per", + "Per cent", + "Ġhorr ifying", + "Ġa il", + "ĠAll an", + "EE E", + "ĠCross ing", + "44 9", + "Ġh olog", + "ĠPuzz les", + "ĠGo es", + "eren n", + "60 4", + "ãģ ı", + "ĠRaf ael", + "Ġatt en", + "ĠE manuel", + "Ġup ro", + "ĠSus p", + "P sych", + "ĠTr ainer", + "ĠN ES", + "ĠHun ts", + "bec ue", + "Ġcounsel or", + "R ule", + "Ġtox ins", + "Ġb anners", + "r ifice", + "Ġgreet ing", + "Ġfren zy", + "Ġall ocate", + "Ġ* )", + "ex pr", + "50 3", + "ĠCh ick", + "ĠT orn", + "Ġconsolid ation", + "ĠF letcher", + "sw itch", + "fr ac", + "cl ips", + "ĠMcK in", + "ĠLun ar", + "Mon th", + "IT CH", + "Ġscholar ly", + "rap ed", + "39 8", + "Ġ19 10", + "Ġe greg", + "Ġin secure", + "Ġvict orious", + "cffff cc", + "Ġsing led", + "Ġel ves", + "ĠW ond", + "bur st", + "Ġcam oufl", + "ĠBL ACK", + "Ġcondition ed", + "ç ī", + "ans wered", + "Ġcompuls ory", + "asc ist", + "Ġpodcast s", + "ĠFrank furt", + "bn b", + "Ġne oliberal", + "ĠKey board", + "ĠBel le", + "w arm", + "Ġtrust s", + "Ġins ured", + "ĠBu cc", + "us able", + "60 7", + "ĠPl ains", + "Ġ18 90", + "Ġsabot age", + "Ġlod ged", + "f elt", + "Ġg a", + "ĠN arc", + "ĠSal em", + "Ġsevent y", + "ĠBl ank", + "p ocket", + "Ġwhis per", + "Ġm ating", + "om ics", + "ĠSal man", + "ĠK ad", + "Ġan gered", + "Ġcoll isions", + "Ġextraord inarily", + "Ġcoerc ion", + "G host", + "b irds", + "è Ģ", + "k ok", + "Ġper missible", + "avor able", + "Ġpo inters", + "Ġdiss ip", + "ac i", + "Ġtheat rical", + "ĠCos mic", + "Ġforget ting", + "Ġfinal ized", + "å¤ §", + "y out", + "l ibrary", + "Ġbo oming", + "ĠBel ieve", + "ĠTe acher", + "ĠL iv", + "ĠGOOD MAN", + "ĠDomin ican", + "OR ED", + "ĠPart ies", + "Ġprecip itation", + "ĠSl ot", + "R oy", + "ĠComb ined", + "Ġinteg rating", + "Ġch rome", + "Ġintest inal", + "ĠRe bell", + "Ġmatch ups", + "Ġblock buster", + "ĠLore n", + "ĠLe vy", + "Ġpre aching", + "ĠS ending", + "ĠPur pose", + "ra x", + "f if", + "Ġauthor itative", + "ĠP ET", + "ast ical", + "Ġdish on", + "Ġchat ting", + "Ġ\"$ :/", + "Connect ion", + "Ġrecre ate", + "Ġdel inqu", + "Ġbro th", + "ĠD irty", + "ĠAd min", + "z man", + "Ġscholars hips", + "Ġ25 3", + "cont act", + "als a", + "7 67", + "c reen", + "abb age", + "Ġ19 15", + "Ġbl ended", + "Ġal armed", + "L anguage", + "35 6", + "Ġbl ends", + "ĠCh anged", + "W olf", + "Ġhe pat", + "Creat ing", + "Ġper secut", + "Ġsweet ness", + "art e", + "Ġforfe iture", + "ĠRober to", + "im pro", + "N FL", + "ĠMag net", + "Det ailed", + "Ġinsign ificant", + "ĠPOL IT", + "ĠBB Q", + "ĠC PS", + "Ġse aw", + "amin er", + "m L", + "end if", + "f inals", + "Ġ26 5", + "u ish", + "Ġ} )", + "ĠPro blems", + "Ġem blem", + "Ġserious ness", + "Ġpars ing", + "Ġsubst itution", + "Ġpress ured", + "Ġrecy cled", + "ale b", + "Rub y", + "Ġprof iciency", + "Dri ver", + "ĠW ester", + ": '", + "AF TA", + "Ġm antle", + "ĠClay ton", + "fl ag", + "Ġpractition er", + "c overed", + "ĠSt ruct", + "add afi", + "4 25", + "ĠTown ship", + "ĠHyd ro", + "Lou is", + "34 3", + "Ġcond o", + "ĠT ao", + "Ġutil ization", + "Ġnause a", + "ĠDem s", + "rid ges", + "p ause", + "Ġform ulas", + "Ġchall enger", + "37 6", + "Ġdefect ive", + "ĠRail way", + "ĠPub Med", + "Ġyog urt", + "l bs", + "ĠNor folk", + "OP E", + "ĠMood y", + "Ġdistribut or", + "Ġscroll s", + "Ġextract s", + "St an", + "Ġv iability", + "Ġexp oses", + "Ġstar vation", + "ĠStep s", + "ĠD odd", + "f ew", + "ST D", + "33 2", + "Ġclos ures", + "Ġcomplement ary", + "ĠS asha", + "ump y", + "Ġmon et", + "Ġartic ulate", + "ĠDo ct", + "k iller", + "Ġsc rim", + "Ġ2 64", + "Ġprost itutes", + "Ġse vered", + "Ġattach ments", + "Ġcool ed", + "L ev", + "ĠF alk", + "f ail", + "Ġpolic eman", + "ĠD ag", + "Ġpray ed", + "ĠK ernel", + "Ġcl ut", + "Ġc ath", + "Ġan omaly", + "St orm", + "em aker", + "ĠBreak fast", + "ul i", + "o ire", + "J J", + "h z", + "Oper ation", + "ĠS ick", + "35 4", + "ĠGuatem ala", + "R ate", + "Ġexp osures", + "f aces", + "ĠArch ae", + "ra f", + "ĠM ia", + "Ġ20 25", + "Ġop aque", + "Ġdisgu ised", + "ĠHead quarters", + "S ah", + "Ġp ots", + "9 78", + "ĠM alf", + "Ġfrown ed", + "Ġpoison ous", + "ĠCon vers", + "ee ks", + "Ġcr ab", + ".\" \"", + "Ġtre ason", + "Ġr anc", + "Ġescal ating", + "Ġwar r", + "Ġmob s", + "Ġl amps", + "ĠSun shine", + "ĠBrun swick", + "Ph ones", + "Ġspe lled", + "ĠSk ip", + "Ġ20 50", + "Ġ19 11", + "ĠPl uto", + "ĠAm end", + "Ġme ats", + "38 7", + "Ġst omp", + "ĠZh ou", + "ĠLevi athan", + "ĠHaz ard", + "ad v", + "ĠOr well", + "Ġal oud", + "Ġb umper", + "ĠAn arch", + "ub untu", + "ĠSer ious", + "f itting", + "ĠOption al", + "ĠCec il", + "RE AM", + "Ġser otonin", + "Ġcultiv ate", + "ag ogue", + "} \\", + "Ġmos ques", + "ĠSun ny", + "Ġre active", + "rev olution", + "ĠL up", + "ĠFed ora", + "Ġdefense man", + "ĠV ID", + "ist ine", + "Ġdrown ing", + "ĠBroad casting", + "Ġthr iller", + "ĠS cy", + "Ġacceler ating", + "Ġdirect s", + "od ied", + "b ike", + "d uration", + "Ġpain fully", + "R edd", + "Ġproduct ions", + "Ġg ag", + "Ġwh ist", + "Ġs ock", + "Ġinf initely", + "ĠConc ern", + "ĠCit adel", + "Ġlie u", + "Ġcand les", + "ogene ous", + "arg er", + "Ġheaven ly", + "inflamm atory", + "Per formance", + "C s", + "ruct ose", + "az aki", + "Ġp essim", + "Ġinf erence", + "Ġpow d", + "ĠZ oe", + "Ġpain ts", + "Ġd azz", + "pt a", + "-------- ---", + "Ġins pir", + "ĠExper imental", + "ĠKn ife", + "reg or", + "b ors", + "Ġshow ers", + "rom eda", + "Ġs aint", + "Ġben ign", + "ĠJ iang", + "Ġenvision ed", + "Ġsh roud", + "IF T", + "H O", + "Ġsh uff", + "ĠI CC", + "Ġse greg", + "Ġrevis it", + "ighth ouse", + "L i", + "Ġsub strate", + "ĠSe as", + "ĠRew ard", + "ĠH ep", + "ĠBr ass", + "s bm", + "Ġelim inates", + "Ġst amina", + "ĠV AT", + "ĠLo an", + "Ġconst raint", + "Ġappropri ated", + "Ġp es", + "ĠA LE", + "r anging", + "Ġ40 4", + "39 2", + "Ġintellectual s", + "ach u", + "Ġrestruct uring", + "ĠLe vin", + "Ġrun es", + "Ġdelight ful", + "Ġcarbohyd rates", + "ĠMod els", + "ĠExp o", + "Ġtransport ing", + "all oc", + "Ġring ing", + "S amsung", + "Ġscarce ly", + "ĠURL s", + "ĠM AS", + "Ġprot otypes", + "Ġnarr ator", + "ĠCPU s", + "cd n", + "ĠBart on", + "Ġdecided ly", + "ĠSh u", + "ix ir", + "oc ious", + "ĠMy st", + "N intendo", + "Ġre use", + "Ġforg iven", + "F ew", + "in ical", + "n at", + "Ġseam less", + "ĠEv a", + "ĠE VE", + "ĠJ O", + "land ers", + "Ġso fter", + "neg ie", + "Ġtrans ient", + "Ġorb ital", + "Ġfulf il", + "ĠK om", + "Hop efully", + "Ġdynam ically", + "ĠHun ger", + "å Ľ", + "ĠArmen ia", + "el man", + "ber to", + "Ġp ige", + "ĠID s", + "lim it", + "Ġve ins", + "Ġso aring", + "p acks", + "Gold en", + "ĠCr ab", + "ist or", + "ĠR PM", + "Ġ$ $", + "g ression", + "Ġjihad ist", + "Ġgam ble", + "Ġcare g", + "Ġinf lated", + "F ace", + "ĠFire arms", + "ĠEm manuel", + "â Ŀ", + "Ġsh ocks", + "gr ab", + "Ġspl end", + "ĠHP V", + "ab ortion", + "Ab ove", + "Ent ity", + "play ers", + "Ġcomm enced", + "ul ence", + "Ġfulfill ment", + "Ġembod iments", + "ĠW elfare", + "Ġha il", + "Ġ< @", + "tt en", + "Ġcat cher", + "ĠJ azeera", + "Ġvolcan o", + "Ġstabil ize", + "ĠHand ler", + "Ġintens ified", + "ĠAb rams", + "Ġhum iliation", + "p aced", + "60 5", + "ĠCent OS", + "Spe cific", + "Ġhe ed", + "ĠC AM", + "ĠGal ile", + "D ie", + "Ġabol ished", + "ĠThom son", + "ĠTe achers", + "ĠW ass", + "j ong", + "ĠIS BN", + "ĠAll ies", + "sh ake", + "å ·", + "v ict", + "How ard", + "Ġde em", + "Ġexceed ingly", + "ĠSmart stocks", + "ib e", + "Ġdoor way", + "Ġcompet ed", + "ig mat", + "Ġnational ists", + "Ġg room", + "ĠKe en", + "Ġdispos able", + "de cl", + "ĠT olkien", + "ĠSche me", + "Ġb iod", + "Ġav id", + "ĠEl on", + "ag ar", + "ĠT SA", + "R oman", + "Ġartific ially", + "Ġadvis ors", + "X L", + "ĠInf erno", + "36 6", + "Ġted ious", + "ĠPhot ography", + "ĠCar rie", + "Ġtro pe", + "ĠSand ra", + "Ġdec imal", + "Que en", + "ĠGund am", + "ĠO M", + "ote ch", + "N BA", + "Ġ19 32", + "Ġent renched", + "ĠMar ion", + "Ġfr aternity", + "Lab our", + "Hen ry", + "Ġlat itude", + "E ither", + "Ġenh ances", + "ĠPot ential", + "Ġsh ines", + "id ad", + "Ġbread th", + "Ġcapac ities", + "ĠðŁ ĻĤ", + "ĠBron x", + "Ġsex es", + "Ġdifferent iation", + "Ġheavy weight", + "ĠT aj", + "d ra", + "Ġmigr ate", + "Ġexhaust ion", + "ĠR UN", + "els ius", + "ĠCu omo", + "Ġgu itars", + "Ġcl ones", + "ĠSom ew", + "ĠP ry", + "------------ -", + "Ġwarr anted", + "cy cles", + "Ġsalv age", + "Ġdis ks", + "R ANT", + "ĠNGO s", + "ĠMart ian", + "\":[ {\"", + "Ġadd icts", + "oj ure", + "il let", + "Ġamazing ly", + "art ments", + "p ixel", + "ĠGPU s", + "Lay out", + "è £", + "ĠTam il", + "ĠBas il", + "Ġimpart ial", + "ĠSt ructure", + "f ork", + "b ryce", + "Ġr idge", + "ĠHamb urg", + "ri ous", + "Ġbl itz", + "cig arettes", + "Ġcan ned", + "40 2", + "Ġiron ically", + "Ġcompassion ate", + "ĠHaw kins", + ". #", + "ĠCat hedral", + "Ġrall ied", + "in ternal", + "Ġqu ota", + "st akes", + "T EXT", + "m om", + "Ġcomple tes", + "Ġ23 8", + "Ġsh rug", + "ãĥ ij", + "ĠN inth", + "Ġrev ise", + "ĠProv ider", + "Ġtre acher", + "Ġqu asi", + "ĠPR ES", + "Ġdep osition", + "Ġconfidential ity", + "iss ors", + "Ġim balance", + "Ġspan ning", + "Ġang ular", + "ĠC ul", + "commun ication", + "ĠNor a", + "ĠGen ius", + "op ter", + "Ġs acked", + "Sp ot", + "Ġfine ly", + "ĠCH R", + "28 2", + "w aves", + "Pal est", + "ĠRo hing", + "N L", + "è ¿", + "Ġsh itty", + "ĠSc alia", + "4 75", + "Pro gress", + "Ġreferen cing", + "Ġclass rooms", + "ab ee", + "Ġs od", + "hes ion", + "70 8", + "ĠZucker berg", + "ĠFin ish", + "ĠScot ia", + "ĠSav ior", + "ĠInstall ation", + "an tha", + "( -", + "Ġ30 2", + "ĠP unk", + "Ġcr ater", + "yout u", + "Ġro ast", + "Ġinflu encing", + "Ġd up", + "ĠJ R", + "ĠG rav", + "Ġstat ure", + "Ġbath rooms", + "A side", + "W iki", + "me an", + "ĠZ ak", + "ĠOn es", + "ĠN ath", + "Ġhyper t", + "Ġcommence ment", + "C ivil", + "Ġmoder ately", + "Ġdistribut ors", + "Ġbreast feeding", + "Ġ9 80", + "ĠS ik", + "ĠC ig", + "ĠAM ER", + "R IP", + "ĠCare er", + "ust ing", + "Ġmess ed", + "Ġe h", + "ĠJ ensen", + "/ $", + "Ġblack mail", + "Ġconvers ions", + "Ġscientific ally", + "Ġmant ra", + "p aying", + "Ġiv ory", + "ĠCour ts", + "OU GH", + "aunt let", + "Ser ial", + "B row", + "ĠH undreds", + "3 23", + "Ġpe e", + "Ġlin ux", + "Ġsub mer", + "ĠPrinc ipal", + "48 5", + "ĠD SL", + "ĠCous ins", + "Ġdoctr ines", + "ĠAthlet ics", + "Ġ3 15", + "ĠK arma", + "Ġatt ent", + "ur ger", + "Ġpresc ribe", + "Ġenc aps", + "ĠC ame", + "Ġsecret ive", + "ĠCr imes", + "d n", + "C lean", + "ĠEgypt ians", + "ĠCar penter", + "Ġ ll", + "H um", + "ĠMil o", + "Ġcapital ists", + "Ġbrief ed", + "T we", + "ĠBas in", + "elve t", + "M os", + "Ġplun ge", + "ĠKa iser", + "ĠFu j", + "ill in", + "Ġsafegu ards", + "Ġo ste", + "ĠOpportun ity", + "ĠM afia", + "ĠCall ing", + "ap a", + "ur ban", + "br ush", + "ill ard", + "c é", + "int elligence", + "ĠL ob", + "ĠDru id", + "Ġsm oother", + "Ġfoot ing", + "Ġmotor ists", + "arc ity", + "Ġmascul inity", + "Ġm ism", + "Ġabdom inal", + "ĠTa vern", + "ĠR oh", + "Ġesc apes", + "s igned", + "Anth ony", + "Ġsacrific ing", + "Ġintim acy", + "Ġan terior", + "ĠK od", + "Ġmot if", + "Ġg raz", + "Ġvisual ization", + "Ġguitar ist", + "ĠTro tsky", + "m agic", + "D ar", + "ĠMor i", + "Ġw ards", + "Ġtoile ts", + "l est", + "Ġtele port", + "ĠSund ays", + "ĠPl at", + "ET S", + "Ġe Sports", + "Pat rick", + "ĠK atherine", + "en ko", + "Ġhas sle", + "ĠM ick", + "gg les", + "Ġh ob", + "aint ain", + "Ġair borne", + "Ġsp ans", + "Ġch ili", + "Ġa perture", + "Ġvolunte ered", + "ĠInc ident", + "ĠF res", + "ĠVeter an", + "augh tered", + "ing o", + "Ġun insured", + "CL OSE", + "Ġf use", + "Ġer otic", + "Ġadvert ise", + "ra ising", + "Text ure", + "Ġatt ends", + "ĠRE AL", + "udd led", + "Ġsm oot", + "Ġ30 5", + "ĠWill is", + "Ġbl ond", + "An alysis", + "ĠV T", + "on ica", + "Ġstrongh old", + "R F", + "N M", + ". >>", + "Ġprosper ous", + "Ġbo asted", + "29 2", + "ĠManufact uring", + "PR ESS", + "g ren", + "Ġpharm acy", + "ĠRoc kefeller", + "k ai", + "Ġth umbs", + "ĠH ut", + "Ġmother board", + "Ġguard ians", + "ĠAl ter", + "ll ular", + "Ġsh ack", + "Ġwise ly", + "Ġback bone", + "erv a", + "Ġsu icides", + "ĠMcG regor", + "ij ah", + "E mer", + "ĠB rav", + "Ġdesign ate", + "P OST", + "produ ced", + "Ġcleans ing", + "irl wind", + "ex istent", + "ĠHum ph", + "ĠPay ne", + "Ġv ested", + "Å ¡", + "Ġstring ent", + "ion a", + "Ġuns ub", + "Ġsum med", + "ĠHer cules", + "sub ject", + "ĠR agnar", + "ĠN os", + "Ġcharacter ization", + "Ġsav vy", + "ĠDaw son", + "ĠCas ino", + "Ġf ri", + "ĠBar rier", + "Ġmis information", + "Ġins ulation", + "Ġcorrid ors", + "Ġair planes", + "ĠNo ct", + "ah i", + "Ġ19 16", + "k b", + "arm ac", + "Ġsh un", + "Ġsche ma", + "Ġhorr ified", + "Ġ23 9", + "aund ers", + "N B", + "i ates", + "er ity", + "ĠSh ard", + "Ġr arity", + "Ġgroup ed", + "ĠGh ana", + "again st", + "ĠBi ological", + "ĠA ware", + "ow ell", + "Ï Ħ", + "ĠBe au", + "sh aw", + "H ack", + "ĠJul ius", + "US S", + "ol son", + "aun a", + "c ru", + "ĠMaur ice", + "ĠI k", + "Ġsequ encing", + "Ġradical s", + "Ġ( ?,", + "v irtual", + "Ġany ways", + "Ġreper c", + "Ġhand lers", + "Ġhes itant", + "é ĥ", + "ĠM F", + "ple mentation", + "ass ociated", + "Ġcampaign ed", + "ĠY ue", + "ut ations", + "ĠY oga", + "Ġsim mer", + "Ġro ds", + "Ġmel ody", + "Ġconv oy", + "v ideos", + "Ġscreen ed", + "N eg", + "ochem ical", + "Ġ( ))", + "Ġultr as", + "Ġant ip", + "ĠIsland ers", + "70 4", + "Ġfet ish", + "Ġridic ulously", + "ĠK art", + "Ġmitochond rial", + "Ġinterf ering", + "Build er", + "Ġover fl", + "Ġac ne", + "ĠM ud", + "ĠK err", + "f lex", + "ĠPost al", + "ĠBalt ic", + "47 7", + "ĠPers ons", + "our age", + "H B", + "ĠM use", + "ĠImm ortal", + "ĠDri ving", + "Ġpet itions", + "Ġsubsc ript", + "Ġs orce", + "ĠProcess or", + "ut on", + "S ony", + "Ġph on", + "Ġr aced", + "ĠAnth rop", + "Ġday time", + "ĠEx ercise", + "Add ing", + "Ġeng ages", + "ĠQual comm", + "Ġmir acles", + "Ġmem es", + "ĠDr ink", + "ĠOri oles", + "Ġhair s", + "ĠPol ar", + "ath om", + "Ġsl ippery", + "ĠR emy", + "Ġcar amel", + "ĠY EAR", + "Ġal k", + "I gn", + "a ution", + "ĠMer lin", + "ĠC ran", + "Ġap ologies", + "Ġ4 10", + "Ġout ing", + "ĠMem ories", + "app ointed", + "Ġcount ered", + "u ld", + "pos ing", + "Ġfire wall", + "ĠW ast", + "ĠW et", + "work ed", + "se ller", + "Ġrepe aled", + "ere o", + "ass uming", + "BL IC", + "m ite", + "ĠCEO s", + "ĠChap el", + "ellig ent", + "________________ ________", + "D og", + "Ġw art", + "Ġsubsc riber", + "s ports", + "Ġbe gged", + "ĠM V", + "Ġsem if", + "eth ical", + "Ġpre ach", + "Ġrev ital", + "Ġpun itive", + "Ġshort cuts", + "Ġinstit uted", + "ĠWars aw", + "Ġabdom en", + "ĠK ING", + "Ġsuper intendent", + "Ġf ry", + "ĠGe o", + "T OR", + "Ġcontrad ictions", + "apt ic", + "Ġlandsc apes", + "b ugs", + "Ġcl ust", + "Ġvol ley", + "c ribed", + "Ġt andem", + "Ġrob es", + "WH AT", + "Ġpromot er", + "Ġel oqu", + "review ed", + "ĠD K", + "ĠPl ato", + "Ġf ps", + "T ank", + "ĠDer rick", + "Ġpriorit ize", + "as per", + "ĠHond uras", + "ĠCom pleted", + "ne c", + "Ġm og", + "n ir", + "ĠMay o", + "DE F", + "st all", + "in ness", + "ĠVolks wagen", + "Ġprec aution", + "ĠM ell", + "i ak", + "ist ries", + "Ġ24 8", + "Ġoverl apping", + "Sen ate", + "ĠEnh ance", + "res y", + "rac ial", + "OR TS", + "ĠM ormons", + "Str ong", + "ĠCo ch", + "Mex ico", + "ĠMad uro", + "Ġj ars", + "Ġcan e", + "W ik", + "oll a", + "iff erence", + "Ġphysic ist", + "ĠMag gie", + "Ġ28 5", + "Ġdep iction", + "ĠMcL aren", + "J u", + "Ġsl ows", + "Ġcommission ers", + "ĠWill ow", + "ĠExpl os", + "hov ah", + "Ġtechn ician", + "Ġhom icides", + "ĠFl av", + "ĠTr uman", + "Ġ100 00", + "u ctor", + "Ġsh ader", + "News letter", + "45 7", + "Ġre ver", + "Ġhard ened", + "Ġwhere abouts", + "Ġrede velop", + "Ġcar bs", + "Ġtra vers", + "Ġsqu irrel", + "Ġfoll ower", + "Ġs ings", + "50 8", + "Ġrabb its", + "emon ium", + "Ġdocument ing", + "Ġmisunder stood", + ") '", + "R ick", + "gg ies", + "Ġprem ie", + "Ġsk ating", + "Ġpass ports", + "Ġf ists", + "aged don", + "H aw", + "AC P", + "0 80", + "ĠThough ts", + "ĠCarl son", + "Ġpriest hood", + "h ua", + "Ġdun geons", + "ĠLo ans", + "Ġant is", + "Ġfamiliar ity", + "ĠS abb", + "op al", + "ĠIn k", + "st rike", + "Ġc ram", + "Ġlegal ized", + "Ġcu isine", + "Ġfib re", + "Tra vel", + "ĠMon ument", + "OD Y", + "eth y", + "Ġinter state", + "ĠP UR", + "em porary", + "ĠArab ian", + "develop ed", + "Ġsadd le", + "Ġg ithub", + "ĠOff er", + "ĠIS P", + "ro let", + "ĠSUP ER", + "ĠDen is", + "Ġmultipl ier", + "Ġstir red", + "Interest ingly", + "Ġcustom ary", + "Ġbill ed", + "he x", + "Ġmultipl ied", + "Ġfl ipping", + "ĠCros by", + "Ġfundament als", + "ia e", + "ĠPlay ed", + "ĠAt om", + "am azon", + "ĠFl am", + "ee z", + "activ ated", + "Ġtables poon", + "Ġliberal ism", + "ĠPal in", + "ĠP atel", + "N um", + "ĠT AM", + "Ġs urn", + "ĠRel oaded", + "Ġco ined", + "\" ],", + "ĠCl ash", + "ĠAg u", + "Ġprag matic", + "ĠActiv ate", + "Ġ8 02", + "Ġtrail ers", + "Ġsil hou", + "Ġprob es", + "Ġcirc us", + "ĠB ain", + "ĠLind say", + "ĠAb bey", + "Del ivery", + "Ġconcess ion", + "Ġgast ro", + "ĠSpr ite", + "Ä Ł", + "and el", + "Ġg imm", + "Ġaut obi", + "ĠT urtle", + "Ġwonder fully", + "ĠHar am", + "ĠWorld wide", + "ĠHand le", + "Ġtheor ists", + "Ġsle ek", + "ĠZh u", + "ograph ically", + "EG A", + "ĠOwn ers", + "ath s", + "ĠAntar ctic", + "n atal", + "=\" \"", + "fl ags", + "`` ``", + "Ġs ul", + "K h", + "Ġpot assium", + "Ġlinem an", + "Ġcere al", + "ĠSe asons", + "Ġ20 22", + "Ġmat hematic", + "Ġastron omers", + "prof essional", + "Ġf ares", + "cknow led", + "Ġch i", + "Ġyoung sters", + "Ġmistaken ly", + "Ġhem isphere", + "ĠDiv inity", + "r one", + "Ġ\" ,", + "r ings", + "Ġattract s", + "v ana", + "å ¹", + "C AP", + "Ġplay list", + "Ġpor ch", + "ãģ £", + "Ġincorpor ates", + "Ġso ak", + "Ġassert ing", + "ĠTerror ism", + "ĠP ablo", + "J a", + "ces ter", + "Ġfear ing", + "ĠPr ayer", + "Ġescal ated", + "G W", + "Ġro be", + "ĠBright on", + "ac ists", + "ĠSym phony", + "ĠDwar f", + "ĠPar ade", + "ĠLe go", + "Ġinex pl", + "Ġl ords", + "le af", + "RA G", + "l iber", + "Ġcig ars", + "ĠJe hovah", + "60 6", + "WIND OWS", + "ĠLiber ia", + "eb us", + "He avy", + "Ġl ubric", + "ĠR W", + "angu ages", + "Ġnarrow ed", + "com puter", + "ĠE mber", + "Ġmurder ing", + "Ġdown stream", + "ĠT uls", + "ĠT ables", + "Top ic", + "ĠAcc uracy", + "= /", + "l ost", + "ĠRe i", + "Ġprogress es", + "b ear", + "Ġestablish ments", + "Just in", + "ĠPe ach", + "ĠG omez", + "å ¿", + "ĠTri angle", + "Id ent", + "ĠH ive", + "Res ources", + "Ġmix es", + "ĠAss uming", + "M u", + "Ġhyp oc", + "Ġs ane", + "ĠW an", + "id ious", + "Su ccess", + "Ġ io", + "Ang el", + "Ġdanger ously", + "ĠCreat ure", + "W ORK", + ": [", + "ĠKat rina", + "List ener", + "M iller", + "ĠId lib", + "h ang", + "Ġcircum vent", + "h ref", + "Ġcel estial", + "ĠWe eks", + "ĠP ug", + "ĠDal ton", + "Ġsubpoen a", + "uk u", + "Ġpers isted", + "pe i", + "old ing", + "ĠDoc uments", + "ĠH ast", + "ĠC ENT", + "Ġprim er", + "Ġsyn onymous", + "Ġn ib", + "om bs", + "Ġnot ation", + "ĠD ish", + "ĠAt mosp", + "Ġforb id", + "ĠAN G", + "pat tern", + "l os", + "Ġproject iles", + "b rown", + ".\" ,", + "ĠVen om", + "Ġfierce ly", + "ub lished", + "ĠU ran", + "ĠNic arag", + "4 10", + "ĠC AL", + "OT OS", + "ĠMir acle", + "ĠEn chant", + "Ġguard ing", + "app end", + "Att ach", + "Ġlevel ed", + "Ġcond oms", + "ih ilation", + "64 9", + "Ġnight mares", + "ĠTHE Y", + "ĠST ART", + "ĠK inn", + "Ġroomm ate", + "Ġhy giene", + "o pping", + "J ob", + "Ġl vl", + "ĠV ER", + "ĠKe eping", + "ab etic", + "Ġformat ting", + "eral a", + "Ġrev isions", + "Ġres urg", + "T el", + "ĠGood man", + "35 3", + "p od", + "Ġind isp", + "ĠTrans lation", + "Ġg own", + "ĠM und", + "Ġc is", + "Ġby stand", + "col lect", + "ĠPun jab", + "act ively", + "ĠG amb", + "te ll", + "Ġimport ing", + "g encies", + "Ġloc om", + "ĠBr ill", + "H oly", + "ĠBer ger", + "Ġshow down", + "Ġrespond ers", + "IL Y", + "Ġt akedown", + "le ted", + "Ġmat tered", + "Ġpredict ive", + "Ġover lay", + "G PU", + "ĠV ick", + "Ġconvey ed", + "T ab", + "pe er", + "Sc an", + "Ġdefensive ly", + "v ae", + "Ġappro ving", + "Ġt iers", + "ĠV ia", + "quer ade", + "ĠSaud is", + "Ġdemol ished", + "ĠProp he", + "Ġmon o", + "Ġhospital ity", + "H AM", + "ĠAri el", + "M OD", + "ĠTor ah", + "Ġbl ah", + "ĠBel arus", + "erent ial", + "ĠT uc", + "Ġbank er", + "39 7", + "Ġmosqu it", + "ĠScient ist", + "ĠMus ical", + "Ġh ust", + "Sh ift", + "Ġtor ment", + "Ġstand off", + "E duc", + "ĠF og", + "Ġampl ifier", + "Sh ape", + "Inst ance", + "ĠCrit ics", + "Ġda emon", + "H ouston", + "Ġmatt ress", + "ĠID F", + "Ġobsc ene", + "ĠA mer", + "hett i", + "Ġcomp iling", + "35 2", + "vere tt", + "ĠRed uction", + "ist ration", + "ĠBl essed", + "ĠB achelor", + "3 16", + "Ġpr ank", + "ĠVul can", + "dd ing", + "Ġm ourning", + "ĠQu int", + "ĠBl aster", + "test ing", + "Ġsed iment", + ">> >", + "ĠE ternity", + "ĠWH ERE", + "ĠM aze", + "Ġreact ing", + "ĠAl v", + "oms day", + "ĠC RA", + "Ġtransl ator", + "Ġbog us", + "at u", + "We bsite", + "oll s", + "Ġbapt ism", + "Ġs ibling", + "ĠAut umn", + "ve z", + "ãģ® é", + "gu ards", + "Ge org", + "assad ors", + "ĠFre ud", + "Ġcontin ents", + "ĠReg istry", + "Bern ie", + "ĸļ 士", + "Ġtoler ant", + "ĠU W", + "Ġhor ribly", + "99 5", + "ĠMID I", + "Ġimpat ient", + "oc ado", + "er i", + "ĠWor st", + "ĠNor ris", + "ĠTalk ing", + "Ġdef ends", + "ens able", + "Ġ20 21", + "Ġanat omy", + "L ew", + "Ġdraw er", + "ĠCan berra", + "Ġpatri otic", + "é¾įå ĸļ士", + "ĠAv g", + "AR M", + "Ġundis closed", + "Ġfare well", + "45 9", + "b able", + "ĠAll ison", + "OL OG", + "Ġcon co", + "t ight", + "ĠAC PI", + "ĠM ines", + "l ich", + "ĠâĶ ľ", + "represent ed", + "200 000", + "Ġenthusi ast", + "OT S", + "b il", + "ĠIng redients", + "Ġinvent or", + "ĠMy SQL", + "³³ Âł", + "ĠAB OUT", + "with in", + "Ġm k", + "B ul", + "ĠF ake", + "Ġdracon ian", + "W a", + "hel m", + "ĠTer ran", + "erv ille", + "Ġcommon place", + "SI ZE", + "Ġ\" <", + "re place", + "ograph s", + "ĠSE LECT", + "inc ible", + "ĠMost ly", + "ĠShe ffield", + "ĠID E", + "ugg le", + "Ġcit ations", + "h urst", + "ĠUn ix", + "Ġunle ash", + "ĠP iper", + "ĠN ano", + "Ġsucc umb", + "Ġreluct ance", + "Ġ25 00", + "ĠMer chant", + "Ġwire t", + "Ġcomb os", + "ĠBirth day", + "Ġchar coal", + "ĠU PS", + "ĠFair fax", + "Ġdrive way", + "ĠT ek", + "ĠP itch", + "ove re", + "Ġtechn icians", + "ĠAct ual", + "fl ation", + "ĠF iscal", + "ĠEm pty", + "an amo", + "Ġmag nesium", + "Ġsl ut", + "Ġgrow ers", + "Invest igators", + "( ):", + "ĠS atellite", + "ĠKe ynes", + "miss ive", + "l ane", + "Ġb orough", + "3 44", + "ĠTE AM", + "ĠBet hesda", + "C V", + "h ower", + "ĠR AD", + "Ġch ant", + "ĠR iy", + "Ġcompos itions", + "Ġmild ly", + "Ġmedd ling", + "Ġag ility", + "ane ers", + "5 01", + "Ġsyn th", + "ling er", + "29 1", + "Ġex claimed", + "Part y", + "Ġcont amin", + "ĠMan or", + "ĠResp ond", + "Ġpra ising", + "Ġman ners", + "fle et", + "Sum mer", + "ĠLy nd", + "ĠDef initely", + "gr im", + "Ġbow ling", + "st ri", + "ç Ľ", + "y nt", + "Ġmand ates", + "D IV", + "Ġreconc ile", + "view s", + "ĠDam on", + "vet te", + "F lo", + "ĠGreat est", + "il on", + "ic ia", + "Ġportray al", + "Ġcush ion", + "50 4", + "19 79", + "oss al", + "App lic", + "sc ription", + "Ġmit igation", + "AT S", + "p ac", + "Ġer ased", + "Ġdefic iencies", + "ĠHolland e", + "ĠX u", + "Ġb red", + "Ġpregn ancies", + "f emin", + "Ġem ph", + "Ġpl anners", + "Ġout per", + "utter ing", + "Ġperpet rator", + "Ġm otto", + "ĠEll ison", + "ĠNE VER", + "Ġadmitted ly", + "AR I", + "ĠAzerbai jan", + "Ġmill isec", + "Ġcombust ion", + "ĠBott le", + "ĠL und", + "ĠP s", + "ĠD ress", + "Ġfabric ated", + "Ġbat tered", + "Ġs idel", + "ĠNot ting", + "Fore ign", + "ĠJer ome", + "0 20", + "ĠAr bit", + "Ġkn ots", + "ĠR IGHT", + "M oving", + "ãģ Ļ", + "Ġsur geries", + "Ġcour thouse", + "Ġm astered", + "Ġhover ing", + "ĠBr an", + "ĠAl ison", + "Ġsaf est", + "m ilitary", + "Ġbull ied", + "Ġbar rage", + "Read er", + "ES E", + "ĠGe ographic", + "T ools", + "3 14", + "ĠGe ek", + "ro th", + "gl ers", + "ĠF IN", + "Ï ģ", + "ĠA ston", + "al tern", + "48 8", + "Ġveter in", + "G amer", + "Ġint el", + "ren ches", + "Sh ield", + "Ġam nesty", + "ĠB har", + "Ġp iled", + "Ġhonor able", + "ĠInst itutes", + "Ġso aked", + "Ġcom a", + "ĠE FF", + "34 1", + "by tes", + "ĠG mail", + "le in", + "ĠCanad iens", + "m aterial", + "I l", + "Ġinstruct ors", + "ĠK Y", + "Ġconce ive", + "ub b", + "ĠP ossible", + "Ġeas ing", + "ĠChrist ina", + "Ġcar ic", + "ĠHD R", + "R OM", + "Ġsho vel", + "de lete", + "Ġp uff", + "ĠCh anging", + "Ġseam lessly", + "Att ribute", + "Ġacqu isitions", + "ak ery", + "ĠE F", + "Ġaut istic", + "ĠT akes", + "ĠPow der", + "ĠSt ir", + "5 10", + "ĠBub ble", + "sett ings", + "ĠF owler", + "Ġmust ard", + "Ġmore over", + "Ġcopyright ed", + "ĠLED s", + "15 00", + "æ ī", + "ĠH IS", + "en f", + "Ġcust od", + "ĠH uck", + "G i", + "Ġim g", + "An swer", + "C t", + "j ay", + "ĠInf rastructure", + "Ġfeder ally", + "L oc", + "Ġmicro bes", + "Ġover run", + "dd s", + "ot ent", + "adi ator", + ">>>> >>>>", + "Ġtorn ado", + "Ġadj ud", + "Ġintrig ued", + "Ġs i", + "ĠRevel ation", + "pro gress", + "Ġburgl ary", + "ĠSai yan", + "ĠK athy", + "Ġser pent", + "ĠAndre as", + "Ġcomp el", + "ess ler", + "ĠPl astic", + "ĠAd vent", + "ĠPos itive", + "ĠQ t", + "ĠHind us", + "reg istered", + "ular ity", + "Ġrighteous ness", + "Ġdemon ic", + "u itive", + "ĠB DS", + "ĠGre gg", + "c ia", + "ĠCrus ade", + "ĠSina i", + "W ARE", + "+ (", + "Ġme ll", + "Ġder ail", + "y ards", + "A st", + "Ġnotice ably", + "ĠO ber", + "R am", + "Ġun noticed", + "Ġse q", + "av age", + "T s", + "Ġ6 40", + "Ġconced e", + "Ġ] )", + "F ill", + "Ġcapt ivity", + "ĠImprove ment", + "ĠCrus ader", + "ara oh", + "M AP", + "æ Ĺ", + "Ġstr ide", + "al ways", + "F ly", + "N it", + "Ġal gae", + "ĠCook ing", + "ĠDo ors", + "Mal ley", + "Ġpolic emen", + "ãģ į", + "Ġastron aut", + "access ible", + "49 5", + "ĠR AW", + "cl iffe", + "udic rous", + "Ġdep ended", + "al ach", + "Ġvent ures", + "ra ke", + "Ġt its", + "ĠH ou", + "Ġcond om", + "ormon al", + "Ġind ent", + "Ġupload ing", + "Foot note", + "Import ant", + "Ġ27 1", + "Ġmind ful", + "Ġcont ends", + "C ra", + "Ġcal ibr", + "ĠO ECD", + "plug in", + "F at", + "ĠIS S", + "ĠDynam ics", + "ans en", + "68 6", + "' ),", + "Ġsp rite", + "Ġhand held", + "ĠH ipp", + "=~ =~", + "Tr ust", + "Ġsem antics", + "ĠBund es", + "ĠRen o", + "ĠLiter ature", + "s ense", + "G ary", + "ĠA eg", + "ĠTr in", + "EE K", + "Ġcler ic", + "ĠSS H", + "Ġch rist", + "Ġinv ading", + "ib u", + "Ġen um", + "aur a", + "Ġal lege", + "ĠInc redible", + "B BC", + "Ġth ru", + "Ġsa iled", + "Ġem ulate", + "Ġin security", + "Ġc rou", + "Ġaccommod ations", + "Ġincompet ent", + "Ġsl ips", + "ĠEarth qu", + "s ama", + "IL LE", + "Ġi Phones", + "as aki", + "Ġby e", + "Ġar d", + "Ġext ras", + "Ġsl aughtered", + "Ġcrowd funding", + "res so", + "Ġfil ib", + "ĠER ROR", + "ĠT LS", + "e gg", + "ĠIt al", + "Ġen list", + "ĠCatal onia", + "ĠSc ots", + "Ġser geant", + "Ġdiss olve", + "N H", + "Ġstand ings", + "ri que", + "I Q", + "Ġbenef iciary", + "Ġaqu arium", + "You Tube", + "ĠPower Shell", + "Ġbright est", + "ĠWar rant", + "S old", + "Writ ing", + "Ġbegin nings", + "ĠRes erved", + "ĠLatin os", + "head ing", + "Ġ4 40", + "Ġrooft op", + "AT ING", + "Ġ3 90", + "VP N", + "G s", + "k ernel", + "turn ed", + "Ġprefer able", + "Ġturn overs", + "ĠH els", + "S a", + "ĠShin ji", + "ve h", + "ĠMOD ULE", + "V iol", + "Ġex iting", + "Ġj ab", + "ĠVan illa", + "Ġac ron", + "ĠG ap", + "ber n", + "A k", + "ĠMc Gu", + "Ġend lessly", + "ĠFar age", + "ĠNo el", + "V a", + "M K", + "Ġbr ute", + "ĠK ru", + "ĠES V", + "ĠOl ivia", + "âĢ ł", + "ĠK af", + "Ġtrust ing", + "Ġh ots", + "3 24", + "Ġmal aria", + "Ġj son", + "Ġp ounding", + "ort ment", + "Count ry", + "Ġpostp oned", + "Ġunequ iv", + "? ),", + "ĠRo oney", + "udd ing", + "ĠLe ap", + "ur rence", + "sh apeshifter", + "ĠH AS", + "os ate", + "Ġca vern", + "Ġconserv atism", + "ĠB AD", + "Ġmile age", + "Ġarrest ing", + "V aults", + "Ġmix er", + "Dem ocratic", + "ĠB enson", + "Ġauth ored", + "8 000", + "Ġpro active", + "ĠSpirit ual", + "t re", + "Ġincarcer ated", + "ĠS ort", + "Ġpe aked", + "Ġwield ing", + "re ciation", + "×Ļ ×", + "P atch", + "ĠEm my", + "Ġex qu", + "tt o", + "ĠRat io", + "ĠP icks", + "ĠG ry", + "ph ant", + "Ġf ret", + "Ġeth n", + "Ġarch ived", + "% -", + "c ases", + "ĠBl aze", + "Ġim b", + "c v", + "y ss", + "im ony", + "Ġcount down", + "Ġaw akening", + "ĠTunis ia", + "ĠRe fer", + "ĠM J", + "Ġun natural", + "ĠCar negie", + "iz en", + "ĠN uggets", + "he ss", + "Ġev ils", + "64 7", + "Ġintrodu ctory", + "l oving", + "ĠMcM ahon", + "Ġambig uity", + "L abel", + "ĠAlm ighty", + "Ġcolor ing", + "ĠCl aus", + "set ting", + "N ULL", + "ĠF avorite", + "ĠS IG", + "> (", + "ĠSh iva", + "ĠMay er", + "Ġstorm ed", + "ĠCo verage", + "we apons", + "igh am", + "Ġun answered", + "Ġle ve", + "Ġc oy", + "c as", + "b ags", + "as ured", + "Se attle", + "ĠSant orum", + "ser ious", + "Ġcourage ous", + "ĠS oup", + "Ġconfisc ated", + "Ġ// /", + "Ġuncon ventional", + "Ġmom s", + "ĠRohing ya", + "ĠOrche stra", + "ĠPot ion", + "Ġdisc redit", + "ĠF IL", + "f ixed", + "ĠDe er", + "do i", + "ĠDim ension", + "Ġbureaucr ats", + "et een", + "Ġaction Group", + "oh m", + "Ġb umps", + "ĠUt ility", + "Ġsubmar ines", + "ren heit", + "re search", + "ĠShap iro", + "Ġsket ches", + "Ġde ceptive", + "ĠV il", + "es ame", + "ĠEss entially", + "Ġramp age", + "isk y", + "Ġmut tered", + "th ritis", + "Ġ23 6", + "f et", + "b ars", + "Ġpup il", + "ĠTh ou", + "o S", + "s ong", + "Ġfract ured", + "Ġre vert", + "pict ure", + "Ġcrit erion", + "us her", + "Ġreperc ussions", + "ĠV intage", + "ĠSuper intendent", + "Offic ers", + "Ġflag ged", + "Ġbl ames", + "Ġin verse", + "ograp hers", + "Ġmakes hift", + "Ġdev oid", + "Ġfoss ils", + "ĠArist otle", + "ĠFund s", + "Ġde pleted", + "ĠFl u", + "ĠY uan", + "Ġw oes", + "Ġlip id", + "Ġsit u", + "requ isites", + "Ġfurn ish", + "ĠSam ar", + "Ġshame ful", + "Ġadverse ly", + "Ġad ept", + "Ġrem orse", + "Ġmurder ous", + "uck les", + "ĠE SL", + "Ġ3 14", + "s ent", + "Ġred ef", + "ĠC ache", + "ĠP urs", + "ig ans", + "Ġ4 60", + "Ġpres criptions", + "Ġf res", + "F uck", + "ocr ates", + "Tw enty", + "ĠWe ird", + "ĠT oggle", + "ĠC alled", + "itiz ens", + "Ġp oultry", + "Ġharvest ing", + "ãĤ¦ ãĤ¹", + "Bott om", + "Ġcaution ed", + "t n", + "39 6", + "ĠNik ki", + "Ġeval uations", + "Ġharass ing", + "Ġbind ings", + "ĠMon etary", + "Ġhit ters", + "Ġadvers ary", + "un ts", + "Ġset back", + "Ġenc rypt", + "ĠC ait", + "Ġl ows", + "eng es", + "ĠN orn", + "Ġbul bs", + "Ġbott led", + "ĠVoy ager", + "3 17", + "Ġsp heres", + "p olitics", + "Ġsubt ract", + "Ġsens ations", + "Ġapp alling", + "Ġ3 16", + "Ġenvironment ally", + "ĠST EM", + "Ġpub lishes", + "5 60", + "Ġdilig ence", + "48 4", + "Ġadv ises", + "Ġpet rol", + "Ġimag ining", + "Ġpatrol s", + "ĠInt eger", + "ĠAs hes", + "act us", + "ĠRad iant", + "ĠL T", + "it ability", + "ht aking", + "Set ting", + "Ġnu anced", + "ĠRe ef", + "ĠDevelop ers", + "N i", + "pie ces", + "99 0", + "Lic ense", + "Ġlow ers", + "ĠOtt oman", + "3 27", + "oo o", + "Ġqu itting", + "mark ets", + "Beh ind", + "Ġbas in", + "Ġdoc s", + "an ie", + "fl ash", + "ct l", + "Ġcivil ized", + "ĠFuk ushima", + "\"] ,\"", + "ĠK S", + "ĠHonest ly", + "ar at", + "Ġconstruct s", + "ĠL ans", + "ĠD ire", + "ĠLI KE", + "ĠTrou ble", + "Ġwith holding", + "ĠOb livion", + "Ġsan ity", + "any a", + "Con st", + "Ġgro cer", + "ĠC elsius", + "Ġrecount ed", + "ĠW ife", + "B order", + "ate red", + "h appy", + "Ġspo iler", + "Ġlog ically", + "H all", + "Ġsucceed ing", + "Ġpoly morph", + "Ġax es", + "ĠShot gun", + "ĠS lim", + "ĠPrin ciples", + "ĠL eth", + "art a", + "Ġsc or", + "Sc reenshot", + "Ġrelax ation", + "#$ #$", + "Ġdeter rent", + "idd y", + "Ġpower less", + "Ġles bians", + "Ġch ords", + "ĠEd ited", + "se lected", + "Ġseparat ists", + "000 2", + "Ġair space", + "Ġturn around", + "Ġc unning", + "P ATH", + "P oly", + "Ġbomb ed", + "Ġt ion", + "x s", + "Ġwith hold", + "Ġw aged", + "ĠLiber ties", + "Fl ag", + "Ġcomfort ing", + "45 4", + "ĠI ris", + "are rs", + "Ġr ag", + "Ġrel ocated", + "ĠGu arant", + "Ġstrateg ically", + "Ġgam ma", + "uber ty", + "ĠLock heed", + "g res", + "Ġgr illed", + "ĠLow e", + "st ats", + "ĠR ocks", + "Ġsens ing", + "Ġrent ing", + "ĠGe ological", + "ا Ø", + "ot rop", + "Ġse w", + "Ġimproper ly", + "48 6", + "Ġâĸ ł", + "Ġstar ving", + "ĠB j", + "Disc ussion", + "3 28", + "ĠCom bo", + "ĠFix es", + "N AT", + "Ġstri ving", + "th ora", + "Ġharvest ed", + "ĠP ing", + "Ġplay ful", + "Ġaven ues", + "Ġoccup ational", + "Ġw akes", + "ĠCou rier", + "Ġdrum mer", + "ĠBrow ser", + "ĠH outh", + "it u", + "Ġapp arel", + "p aste", + "Ġhun ted", + "ĠSecond ly", + "l ain", + "X Y", + "ĠP IN", + "ic ons", + "Ġcock tails", + "Ġs izable", + "Ġhurd les", + "est inal", + "ĠRecre ation", + "Ġe co", + "64 8", + "ĠD ied", + "m int", + "Ġfinger prints", + "Ġdis pose", + "ĠBos nia", + "ts y", + "22 00", + "Ġins pected", + "ĠF ou", + "Ġf uss", + "Ġamb ush", + "ĠR ak", + "Ġmanif ested", + "Pro secut", + "Ġsuff ice", + "ren ces", + "Ġcompens ated", + "ĠC yrus", + "Ġgen us", + "ĠWolver ine", + "ĠTrend s", + "Ġh ikes", + "ĠSe en", + "Ġen rol", + "C old", + "Ġpol itely", + "ĠSl av", + "ĠRu pert", + "Ġey ewitness", + "ĠAl to", + "Ġun comp", + "Ġposter ior", + "M ust", + "ĠHer z", + "Ġprogress ively", + "Ġ23 4", + "Ġind ifference", + "ĠCunning ham", + "Ġacadem ia", + "Ġse wer", + "Ġast ounding", + "ĠA ES", + "r ather", + "Ġeld est", + "Ġclim bs", + "ĠAdd s", + "Ġout cry", + "Ġcont ag", + "ĠH ouses", + "Ġpe pt", + "ĠMel ania", + "interest ed", + "ĠU CH", + "ĠR oots", + "ĠHub bard", + "ĠT BD", + "ĠRoman ian", + "fil ename", + "St one", + "ĠIm pl", + "Ġchromos ome", + "C le", + "d x", + "Ġscram bled", + "ĠP t", + "Ġ24 2", + "OP LE", + "Ġtremend ously", + "St reet", + "Ġcra ving", + "Ġbund led", + "ĠR G", + "p ipe", + "Ġinj uring", + "Ġarc ane", + "Part icip", + "ĠHero ic", + "st y", + "Ġto pping", + "ĠTemp est", + "rent ices", + "b h", + "Ġpar anoia", + "ĠUnic ode", + "Ġegreg ious", + "Ġ\\ '", + "ĠOsw ald", + "Ġgra vel", + "ĠSim psons", + "Ġbl and", + "ĠGuant anamo", + "Writ er", + "lin ers", + "ĠD ice", + "J C", + "Ġpar ity", + "Ġs ided", + "Ġ23 7", + "ĠPyr rha", + "at ters", + "d k", + "F ine", + "comp an", + "Ġform ulated", + "ĠId ol", + "il ers", + "hem oth", + "ĠF av", + "Ġintr usion", + "Ġcar rots", + "ĠL ayer", + "ĠH acker", + "Ġ ----------------", + "Ġmoder ation", + "é ģ", + "oc oc", + "Ġcharacter ize", + "ĠTe resa", + "Ġsocio economic", + "Ġper k", + "ĠParticip ation", + "tr aining", + "ĠPaul o", + "ph ys", + "Ġtrust worthy", + "Ġembod ied", + "ĠMer ch", + "c urrency", + "ĠPrior ity", + "Ġte asing", + "Ġabsor bing", + "Ġunf inished", + "ĠCompar ison", + "Ġdis ple", + "writ ers", + "Ġprofess ions", + "ĠPengu in", + "Ġang rily", + "ĠL INK", + "68 8", + "ĠCor respond", + "Ġprev ailed", + "Ġcart el", + "l p", + "as ms", + "ĠRed emption", + "ĠIslam ists", + "effect s", + "d ose", + "ĠL atter", + "ĠHal ifax", + "Ġv as", + "ĠTop ics", + "ĠN amed", + "advert ising", + "zz a", + "IC ES", + "Ġret arded", + "ach able", + "ĠPupp et", + "ĠItem Level", + "Ġret ract", + "Ġident ifiable", + "A aron", + "ĠB uster", + "s ol", + "hel le", + "as semb", + "H ope", + "r anged", + "B a", + "ĠP urch", + "é Ģ", + "ĠSir i", + "Ġarri vals", + "Ġ19 12", + "Ġshort ened", + "Ġ3 12", + "Ġdiscrep ancy", + "ĠTem perature", + "ĠWal ton", + "Ġkind erg", + "p olit", + "Ġrem ix", + "Ġconnect ors", + "ãĥĺ ãĥ©", + "ĠKazakh stan", + "dom inated", + "Ġsu gars", + "im ble", + "ĠPan ic", + "ĠDem and", + "ĠCol ony", + "on en", + "ĠM ER", + "7 75", + "ur ia", + "aza ar", + "ĠDeg ree", + "P ri", + "Ġsun shine", + "Ġ25 1", + "Ġpsychedel ic", + "Ġdigit ally", + "ĠBra un", + "Ġsh immer", + "Ġsh ave", + "ĠTel esc", + "ĠAst ral", + "ĠVenezuel an", + "ĠO G", + "Ġc rawling", + "Int eg", + "ĠFe ather", + "Ġunfold ing", + "Ġappropri ation", + "Ġè£ı è", + "ĠMob ility", + "ĠN ey", + "- .", + "b ilt", + "L IN", + "ĠT ube", + "ĠCon versely", + "Ġkey boards", + "ĠC ao", + "Ġover th", + "Ġla ure", + ">> \\", + "ĠV iper", + "ach a", + "Off set", + "ĠR aleigh", + "ĠJ ae", + "J ordan", + "j p", + "Ġtotal itarian", + "Connect or", + "Ġobserv es", + "ĠSpart an", + "ĠIm mediately", + "ĠSc al", + "C ool", + "Ġt aps", + "Ġro ar", + "P ast", + "Ġch ars", + "ĠB ender", + "ĠShe ldon", + "Ġpain ter", + "Ġbe acon", + "ĠCreat ures", + "Ġdownt urn", + "Ġh inder", + "ĠAnd romeda", + "à Ľ", + "cc oli", + "ĠF itness", + "et rical", + "Ġutil izes", + "Ġsen ate", + "Ġen semble", + "Ġche ers", + "T W", + "Ġaff luent", + "k il", + "ry lic", + "ord ering", + "Com puter", + "Ġgru esome", + "ost ics", + "ĠUb isoft", + "ĠKel ley", + "Ġw rench", + "Ġbourgeois ie", + "IB LE", + "ĠPrest on", + "w orn", + "ar ist", + "reat ing", + "Ġst ained", + "ar ine", + "Ġsl ime", + "EN N", + "Ġche sts", + "Ġground water", + "ann ot", + "ĠTr ay", + "ĠLoc ke", + "ĠC TR", + "Ġd udes", + "ĠEx ternal", + "ĠDec oder", + "Ġpar amed", + "ĠMed line", + "80 9", + "ĠD inner", + "rup al", + "g z", + "ĠG um", + "ĠDem o", + "j ee", + "Ġd h", + "ber man", + "arch s", + "Ġen qu", + "ĠEp stein", + "Ġdevast ation", + "Ġfriends hips", + "ĠAr d", + "Ġ23 1", + "ĠRub in", + "ĠDist ance", + "Ġsp urred", + "Ġd ossier", + "Ġover looking", + "\\\\\\\\\\\\\\\\ \\\\\\\\\\\\\\\\", + "Fore st", + "ĠCom es", + "\\ \",", + "ĠIran ians", + "Ġf ixtures", + "L aughs", + "Ġcur ry", + "ĠKing ston", + "Ġsqu ash", + "Ġcat alogue", + "Ġabnormal ities", + "Ġdigest ive", + ".... .....", + "Ġsubord inate", + "og ly", + "Ġ24 9", + "M iddle", + "Ġmass ac", + "Ġburg ers", + "Ġdown stairs", + "Ġ19 31", + "39 4", + "ĠV G", + "Ġl asers", + "ĠS ikh", + "ĠAlex a", + "der ived", + "Ġcycl ist", + "ãģ® éŃĶ", + "onel iness", + "!!!! !!!!", + "Ġbuff s", + "leg ate", + "Ġrap ing", + "Ġrecomm ending", + "ro red", + "Ġmult icultural", + "un ique", + "Ġbusiness men", + "Ġune asy", + "ĠM AP", + "Ġdisp ersed", + "cipl ine", + "J ess", + "ĠK erala", + "å §", + "Ġabst raction", + "Sur v", + "U h", + "Ġprin ters", + "ij a", + "ow der", + "Ġanalog ous", + "ĠA SP", + "af er", + "Ġunfold ed", + "Ġlevel ing", + "Ġbre ached", + "ĠH earing", + "Ġn at", + "Ġtransl ating", + "crit ical", + "Ġant agonist", + "ĠYes terday", + "Ġfuzz y", + "w ash", + "m ere", + "Ġbe wild", + "ĠM ae", + "V irgin", + "ph rase", + "Ġsign aled", + "ĠH IGH", + "Ġprot ester", + "Ġgar ner", + "unk nown", + "Ġk ay", + "Ġabduct ed", + "Ġst alking", + "am n", + "Ġdes erving", + "ĠR iv", + "ĠJ orge", + "Ġscratch ing", + "ĠS aving", + "ip ing", + "Ġte ase", + "Ġmission ary", + "ĠMor row", + "T IME", + "P resent", + "Ġchem otherapy", + "tern ess", + "ĠH omes", + "ĠP urdue", + "Ġst aunch", + "ĠWhit ney", + "ĠTH ERE", + "Î ¼", + "iat us", + "ĠErn est", + "ĠDe ploy", + "Ġcove ted", + "F ML", + "ĠDial ogue", + "Ġex ited", + "f ruit", + "Ġner d", + "\":\" \",\"", + "Ġv ivo", + "ru ly", + "4 60", + "ĠAm en", + "rehens ible", + "Ġâ ĺ", + "D IR", + "Ġad herence", + "Ġche w", + "ĠCo ke", + "ĠSerge i", + "dig ital", + "ĠNe ck", + "g ently", + "enth al", + "/ )", + "Ġwe ary", + "Ġgu ise", + "ĠConc ord", + "ĠOn ion", + "at cher", + "Ġb inge", + "ĠDirect ive", + "Ġman ned", + "ans k", + "Ġill usions", + "Ġbillion aires", + "38 3", + "oly n", + "odynam ic", + "ĠWhe at", + "ĠA lic", + "Ġcol oured", + "ĠN AFTA", + "ab o", + "Ġmac ros", + "ind ependent", + "s weet", + "Ġsp ac", + "ĠK abul", + "Ġ Ä", + "em e", + "Ġdict ated", + "Ġsh outs", + "= {", + "Ġr ipping", + "ĠSh ay", + "ĠCr icket", + "direct ed", + "Ġanalys ed", + "ĠWAR RANT", + "ag ons", + "ĠBlaz ers", + "Ġche ered", + "Ġar ithmetic", + "ĠTan z", + "37 3", + "ĠFl ags", + "Ġ29 5", + "Ġw itches", + "ĠIn cluded", + "ĠG ained", + "ĠBl ades", + "G am", + "ĠSam antha", + "ĠAtl antis", + "ĠPr att", + "Ġspo iled", + "ĠI B", + "ĠRam irez", + "Pro bably", + "re ro", + "ĠN g", + "ĠWar lock", + "t p", + "Ġover he", + "Ġadministr ations", + "Ġt int", + "Ġreg iment", + "Ġpist ols", + "Ġblank ets", + "Ġep ist", + "Ġbowl s", + "Ġhydra ulic", + "Ġde an", + "Ġj ung", + "Ġasc end", + "70 5", + "ĠSant iago", + "à ®", + "Ġun avoid", + "ĠSh aman", + "re b", + "Ġstem ming", + "99 8", + "ĠM G", + "st icks", + "esthes ia", + "ER O", + "Ġmor bid", + "ĠGr ill", + "ĠP oe", + "any l", + "Ġdele ting", + "ĠSurve illance", + "Ġdirect ives", + "Ġiter ations", + "ĠR ox", + "ĠMil ky", + "F ather", + "Ġpat ented", + "44 7", + "Ġprec ursor", + "Ġm aiden", + "ĠP hen", + "ĠVe gan", + "ĠPat ent", + "K elly", + "Redd itor", + "Ġn ods", + "Ġvent ilation", + "ĠSchwar z", + "Ġw izards", + "Ġomin ous", + "ĠHe ads", + "ĠB G", + "Ġl umber", + "ĠSp iel", + "Ġis Enabled", + "Ġancest ral", + "ĠSh ips", + "Ġwrest ler", + "ph i", + "Ġy uan", + "ĠRebell ion", + "Ġice berg", + "Ġmag ically", + "Ġdivers ion", + "ar ro", + "yth m", + "ĠR iders", + "ĠRob bie", + "ĠK ara", + "ĠMain tenance", + "ĠHer b", + "Ġhar ms", + "p acked", + "ĠFe instein", + "Ġmarry ing", + "Ġbl ending", + "ĠR ates", + "Ġ18 80", + "Ġwr ink", + "ĠUn ch", + "ĠTor ch", + "desc ribed", + "Ġhuman oid", + "ilit ating", + "ĠCon v", + "ĠFe ld", + "IGH TS", + "Ġwhistlebl ower", + "ort mund", + "ets y", + "arre tt", + "ĠMon o", + "ĠI ke", + "ĠC NBC", + "ĠW AY", + "ĠMD MA", + "ĠIndividual s", + "Ġsupplement al", + "Ġpower house", + "ĠSt ru", + "F ocus", + "aph ael", + "ĠCol leg", + "att i", + "Z A", + "Ġp erenn", + "ĠSign ature", + "ĠRod ney", + "Ġcub es", + "idd led", + "ĠD ante", + "ĠIN V", + "iling ual", + "ĠC th", + "Ġso fa", + "Ġintimid ate", + "ĠR oe", + "ĠDi plom", + "ĠCount ries", + "ays on", + "Ġextrad ition", + "Ġdis abling", + "ĠCard iff", + "Ġmemor andum", + "ĠTr ace", + "Ġ?? ?", + "se ctor", + "ĠRou hani", + "ĠY ates", + "ĠFree ze", + "Ġbl adder", + "M otor", + "ĠProm ise", + "ant asy", + "Ġforesee able", + "ĠC ologne", + "cont ainer", + "ĠTre es", + "ĠG ors", + "ĠSin clair", + "Ġbar ring", + "key e", + "Ġsl ashed", + "ĠStat istical", + "é ĩ", + "Ġâĸ º", + "All ows", + "Ġhum ility", + "Ġdr illed", + "ĠF urn", + "44 3", + "Ġse wage", + "Ġhome page", + "Ġcour tyard", + "Ġv ile", + "Ġsubsid iaries", + "aj o", + "direct ory", + "Ġam mon", + "V ers", + "charg es", + "Ġ} }", + "ĠCh ains", + "Ġ24 6", + "n ob", + "Ġper cept", + "Ġg rit", + "Ġfisher men", + "ĠIraq is", + "ĠDIS TR", + "ĠF ULL", + "ĠEval uation", + "g raph", + "at ial", + "Ġcooper ating", + "Ġmel an", + "Ġenlight ened", + "Ġal i", + "t ailed", + "Ġsal ute", + "Ġweak est", + "ĠBull dogs", + "U A", + "ĠAll oy", + "Ġsem en", + "oc ene", + "ĠWilliam son", + "s pr", + ", âĢĶ", + "ĠG F", + "itt ens", + "Be at", + "ĠJ unk", + "iph ate", + "ĠFarm ers", + "ĠBit coins", + "ig ers", + "d h", + "ĠL oyal", + "p ayer", + "Ġentert ained", + "Ġpenn ed", + "Ġcoup on", + "Que ue", + "Ġweaken ing", + "c arry", + "Ġunderest imate", + "Ġshoot out", + "Ġcharism atic", + "ĠProced ure", + "Ġprud ent", + "in ances", + "Ġric hes", + "Ġcort ical", + "Ġstr ides", + "Ġd rib", + "ĠOil ers", + "5 40", + "ĠPer form", + "ĠBang kok", + "Ġe uth", + "S ER", + "Ġsimpl istic", + "t ops", + "camp aign", + "Q uality", + "Ġimpover ished", + "ĠEisen hower", + "Ġaug ment", + "ĠH arden", + "Ġinterven ed", + "Ġlist ens", + "ĠK ok", + "Ġs age", + "Ġrub bish", + "ĠD ed", + "Ġm ull", + "pe lling", + "Ġvide ot", + "Produ ction", + "D J", + "m iah", + "Ġadapt ations", + "Ġmed ically", + "Ġboard ed", + "Ġarrog ance", + "Ġscra pped", + "Ġopp ress", + "FORM ATION", + "Ġj unction", + "4 15", + "EE EE", + "S kill", + "Ġsub du", + "ĠSug gest", + "ĠP ett", + "Ġle tt", + "ĠMan ip", + "ĠC af", + "ĠCooper ation", + "T her", + "Ġreg ained", + "¶ æ", + "ref lect", + "Ġth ugs", + "ĠShel by", + "Ġdict ates", + "ĠWe iner", + "ĠH ale", + "Ġbatt leground", + "s child", + "Ġcond ol", + "h unt", + "osit ories", + "Ġacc uses", + "Fil ename", + "Ġsh ri", + "Ġmotiv ate", + "Ġreflect ions", + "N ull", + "ĠL obby", + "¥ µ", + "ĠS ATA", + "ĠBack up", + "Ñ ĥ", + "n in", + "ĠCor rection", + "Ġju icy", + "ut ra", + "ĠP ric", + "Ġrest raining", + "ĠAir bnb", + "ĠAr rest", + "Ġappropri ations", + "Ġsl opes", + "Ġmans laughter", + "Ġwork ings", + "ĠH uss", + "ĠF rey", + "Le ave", + "ĠHarm ony", + "ĠF eder", + "Ġ4 30", + "Ġt rench", + "Ġglad ly", + "Ġbull pen", + "ĠG au", + "b ones", + "Ġgro ove", + "Ġpre text", + "ã ħĭ", + "Ġtransm itter", + "ĠComp onent", + "Ġunder age", + "ĠEm pires", + "T ile", + "Ġo y", + "ĠMar vin", + "ĠC AS", + "Ġbl oss", + "Ġrepl icated", + "ĠMar iners", + "Marc us", + "ĠBl ocks", + "Ġliber ated", + "Ġbutter fly", + "Fe el", + "Ġfer mentation", + "Ġyou tube", + "Ġoff end", + "ĠTer m", + "res ist", + "Ġcess ation", + "Ġinsurg ency", + "Ġb ir", + "ĠRa ise", + "59 5", + "Ġhypothes es", + "50 2", + "Ġpl aque", + "ocr at", + "Ġjack ets", + "ĠHuff Post", + "am ong", + "Ġconf er", + "48 7", + "ĠL illy", + "Ġadapt ing", + "ĠF ay", + "Ġsh oved", + "ve c", + "Ġref ine", + "Ġg on", + "Ġgun men", + "z ai", + "ĠShut tle", + "ĠI zan", + "Ġ19 13", + "Ġple thora", + "· ·", + "Ġ5 10", + "Ġp uberty", + "Ġ24 1", + "ĠWe alth", + "ĠAl ma", + "ĠM EM", + "ĠAd ults", + "C as", + "pr ison", + "R ace", + "Ġwater proof", + "Ġathlet icism", + "Ġcapital ize", + "ĠJu ice", + "Ġillum inated", + "ĠP ascal", + "Ġirrit ation", + "ĠWitness es", + "ad le", + "ĠAst ro", + "Ġf ax", + "ĠEl vis", + "Prim ary", + "ĠL ich", + "ĠEl ves", + "Ġres iding", + "Ġst umble", + "3 19", + "ĠP KK", + "Ġadvers aries", + "D OS", + "ĠR itual", + "Ġsm ear", + "Ġar son", + "ident al", + "Ġsc ant", + "Ġmon archy", + "Ġhal ftime", + "Ġresid ue", + "Ġind ign", + "ĠSh aun", + "ĠEl m", + "aur i", + "A ff", + "W ATCH", + "ĠLy on", + "hel ps", + "36 1", + "Ġlobby ist", + "Ġdimin ishing", + "Ġout breaks", + "Ġgo ats", + "f avorite", + "ĠN ah", + "son ian", + "ĠBo oster", + "Ġsand box", + "ĠF are", + "ĠMalt a", + "Ġatt Rot", + "ĠM OR", + "ld e", + "Ġnavig ating", + "T ouch", + "Ġunt rue", + "ĠDis aster", + "Ġl udicrous", + "Pass word", + "ĠJ FK", + "blog spot", + "4 16", + "ĠUN DER", + "ern al", + "Ġdelay ing", + "T OP", + "Ġimpl ants", + "ĠAV G", + "ĠH uge", + "att r", + "Ġjournal istic", + "ĠPe yton", + "ĠI A", + "R ap", + "go al", + "ĠProgram me", + "Ġsm ashing", + "w ives", + "print ln", + "ĠPl ague", + "in us", + "EE P", + "Ġcru iser", + "ĠPar ish", + "umin ium", + "Ġoccup ants", + "ĠJ ihad", + "m op", + "Ġp int", + "Ġhe ct", + "ĠMe cca", + "direct or", + "ĠFund ing", + "ĠM ixed", + "Ġst ag", + "T ier", + "Ġg ust", + "Ġbright ly", + "ors i", + "Ġup hill", + "R D", + "Ġles ions", + "ĠBund y", + "liv ious", + "Ġbi ologist", + "ĠFac ulty", + "ĠAuthor ization", + "Ġ24 4", + "All ow", + "ï ¸", + "ĠGi ul", + "Ġpert inent", + "ot aur", + "es se", + "ĠRo of", + "Ġunman ned", + "35 1", + "ĠSh ak", + "ĠO rient", + "Ġend anger", + "D ir", + "Ġrepl en", + "ed ient", + "Ġtail or", + "Ġgad gets", + "Ġaud ible", + "âĺ Ĩ", + "N ice", + "Ġbomb ard", + "ĠR ape", + "Ġdef iance", + "ĠTW O", + "ĠFilip ino", + "Ġunaff ected", + "erv atives", + "Ġso ared", + "ĠBol ton", + "Ġcomprom ising", + "ĠBrew ers", + "R AL", + "ĠA HL", + "icy cle", + "Ġv ampires", + "Ġdi pped", + "oy er", + "ĠX III", + "Ġsidew ays", + "ĠW aste", + "ĠD iss", + "ĠâĶľ âĶĢâĶĢ", + "$ .", + "Ġhabit ats", + "ĠBe ef", + "tr uth", + "tr ained", + "spl it", + "R us", + "And y", + "ĠB ram", + "RE P", + "p id", + "è£ ħ", + "ĠMut ant", + "An im", + "ĠMar ina", + "Ġfut ile", + "hig hest", + "f requency", + "Ġepile psy", + "Ġcop ing", + "Ġconc ise", + "Ġtr acing", + "ĠS UN", + "pan el", + "ĠSoph ie", + "ĠCrow ley", + "ĠAd olf", + "ĠShoot er", + "Ġsh aky", + "ĠI G", + "ĠL ies", + "ĠBar ber", + "p kg", + "Ġupt ake", + "Ġpred atory", + "UL TS", + "/ **", + "Ġintox icated", + "ĠWest brook", + "od der", + "he ment", + "Ġbas eman", + "AP D", + "st orage", + "ĠFif ty", + "ed itor", + "G EN", + "UT ION", + "ir ting", + "Ġse wing", + "r ift", + "Ġag ony", + "ĠS ands", + "Ġ25 4", + "C ash", + "Ġl odge", + "Ġp unt", + "N atural", + "ĠIde as", + "Ġerrone ous", + "ĠSens or", + "ĠHann ity", + "Ġ19 21", + "Ġm ould", + "ĠG on", + "kay a", + "Ġanonym ously", + "ĠK EY", + "Ġsim ulator", + "W inter", + "Ġstream ed", + "50 7", + "? \",", + "Ġte ased", + "Ġco efficient", + "Ġwart ime", + "ĠTH R", + "' '.", + "ĠBank ing", + "mp ire", + "Ġf andom", + "Ġl ia", + "G a", + "Ġdown hill", + "Ġinterpre ting", + "Ind ividual", + "N orm", + "Ġjealous y", + "bit coin", + "Ġple asures", + "ĠToy s", + "ĠChev rolet", + "ĠAd visor", + "IZ E", + "Ġrecept ions", + "70 6", + "C ro", + "Ġ26 2", + "Ġcit rus", + "ir u", + "Review er", + "ject ed", + "U ES", + "an z", + "19 81", + "ĠWork er", + "Ġcompl ied", + "ores cent", + "contin ental", + "T on", + "ĠPr ism", + "ĠShe ep", + "Ġ28 8", + "n ox", + "ĠV og", + "O rd", + "Ġreal ms", + "te k", + "Ġirrig ation", + "Ġbicy cles", + "Ġelectron ically", + "p oly", + "t all", + "() );", + "Ġaest hetics", + "ĠInteg rated", + "Expl ore", + "Ġd unk", + "47 6", + "p ain", + "ĠJac ques", + "ĠD mit", + "Fram es", + "Ġreun ited", + "Ġhum id", + "D ro", + "P olitical", + "Ġyouth ful", + "Ġent ails", + "Ġmosqu ito", + "36 3", + "spe cies", + "Ġcoord inating", + "ĠMay hem", + "ĠMagn us", + "M ount", + "Impro ved", + "ĠST ATE", + "ATT LE", + "Ġflow ed", + "Ġtack led", + "Ġfashion ed", + "Ġre organ", + "iv ari", + "f inger", + "Ġreluct antly", + "et ting", + "ĠV and", + "you ng", + "ĠGar land", + "Ġpresum ption", + "Ġamen ities", + "ĠPle asant", + "on ential", + "ĠO xy", + "Ġmor als", + "ĠY ah", + "Read y", + "Sim on", + "En h", + "D emon", + "Ġcl ich", + "Mon itor", + "ĠD U", + "Ġwel comes", + "Ġstand out", + "Ġdread ful", + "Ġban anas", + "Ġball oons", + "h ooting", + "bas ic", + "Ġsuff ix", + "Ġd uly", + "can o", + "Ch ain", + "at os", + "Ġgeop olitical", + "Ġ( &", + "ĠGem ini", + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ", + "Ġacqu itted", + "L uck", + "prot ect", + "10 24", + "Ġsc arcity", + "Ġmind fulness", + "ec ided", + "D N", + "pr ime", + "ĠPres idents", + "ĠVID EO", + "Ġ( âĪĴ", + "add ock", + "N OR", + "ĠP ru", + "p un", + "ĠL OL", + ")) ))", + "ĠL iqu", + "ĠS AS", + "Ġsty ling", + "Ġpunish ments", + "Ġnum b", + "Ġasc ertain", + "ĠRock ies", + "f lu", + "Th umbnail", + "Ġperpet rated", + "ĠSem i", + "Ġdis arm", + "ĠOld er", + "ĠEx ception", + "Ġexponent ially", + "ĠCommun ities", + "Ġabol ish", + "ĠPart ner", + "pt oms", + "Ġ7 77", + "ĠFo ley", + "ĠC ases", + "Ġgre ase", + "ĠReb irth", + "G round", + "Ġ; )", + "ĠDoct rine", + "ik ini", + "Y e", + "ĠBl ossom", + "Ġpers ists", + "b ill", + "Ġinf usion", + "Ġbud dies", + "9 11", + "ĠPat ient", + "Ġdem os", + "Ġacquaint ance", + "ĠP aw", + "at ari", + "Ġx ml", + "Ġfasc ination", + "ĠSer ve", + "Ï Ĥ", + "br anded", + "Ġa z", + "Return s", + "Ġover shadow", + "Ġro am", + "Ġspeed y", + "n umbered", + "hel ial", + "Ġdisc iple", + "Ġass urances", + "g iven", + "pect ing", + "ĠN atalie", + "çĶ °", + "Ġmosquit oes", + "rote in", + "Ġnumer ic", + "Ġindepend ents", + "Ġtrans itional", + "Ġreaction ary", + "ĠMech dragon", + "do ctor", + "Ġshort est", + "Ġsequ ential", + "ĠB ac", + "ĠAccount s", + "ãģ Į", + "ach y", + "ract ive", + "ĠReg iment", + "Ġbreat htaking", + "ffic iency", + "ĠB ates", + "Ġ3 11", + "Ġward robe", + "ft s", + "ĠBer k", + "Sim ply", + "ĠRivers ide", + "iver ing", + "ident ial", + "lu cent", + "Ġen riched", + "ĠCon ver", + "ĠG iving", + "ãĥ Ļ", + "Ġlegal ize", + "ĠF TC", + "Ġfre aking", + "M ix", + "Ġter restrial", + "es ian", + "ci ents", + "W ing", + "LO AD", + "Ġled ge", + "ĠViol ent", + "ĠMet all", + "Ġ30 8", + "Ġs outheastern", + "hett o", + "M eat", + "Ġslow down", + "Ġret reated", + "Jere my", + "end as", + "**** *", + "er ic", + "Ġre ins", + "opp able", + "ĠHuman ity", + "ear ances", + "rig an", + "C amera", + "Ġwa ivers", + "s oc", + "Ġalter ation", + "trans form", + "ĠC emetery", + "50 6", + "Ġindef inite", + "Ġstim ulating", + "y g", + "60 3", + "ĠS op", + "Ġdescript ive", + "Ph ase", + "ĠEd mund", + "Ġpneum onia", + "vent us", + "A mb", + "Ġlabor atories", + "ĠEx clusive", + "ug ar", + "W ere", + "Ġmalf unction", + "Ġhomosexual s", + "Ġ---- ---", + "un i", + "Ġturb ines", + "ĠEqu ity", + "D u", + "Ġmind ed", + "ĠR H", + "ĠBlack hawks", + "Ġfe ats", + "Ġ17 00", + "re pl", + "36 2", + "lad en", + "Ġindisp ensable", + "ly ss", + "tt i", + "Ġre el", + "Ġdiver ted", + "Ġlik eness", + "Ġsubscript ions", + "Ġfing ert", + "Ġfil thy", + "dest ruct", + "d raft", + "ĠBernard ino", + "l aunch", + "Ġper plex", + "ĠS UM", + "car b", + "Ġswe ater", + "ĠVent ure", + "ĠJ ag", + "ĠCele b", + "ĠV oters", + "Ġstead fast", + "Ġathlet ics", + "ĠHans on", + "ĠDr ac", + "Tr acker", + "Ġcomm end", + "ĠPres idency", + "ĠD ID", + "in formed", + "Ġweb page", + "P retty", + "Ġforce fully", + "ãĥĥ ãĤ¯", + "Ġrel ocation", + "Ġsat ire", + "â ī", + "ĠSunder land", + "æ Ħ", + "V oice", + "???? ????", + "Ġinform ant", + "Ġbow el", + "ĠUn iform", + "Ġ ...\"", + "Ġpur ge", + "Ġpic nic", + "ĠU mb", + "ĠU PDATE", + "ĠSapp hire", + "ĠSt all", + "le arn", + "Ġobject ively", + "Ġob liter", + "Ġlooph ole", + "Ġjour neys", + "Ġo mission", + "Pro s", + "ĠSid ney", + "pl oma", + "Ġspray ed", + "Ġg uru", + "Ġtra itor", + "Ġtim et", + "Ġsn apping", + "ĠSe vent", + "urn al", + "ĠUk ip", + "Ġb owed", + "por al", + "l iberal", + "R os", + "Quest ions", + "i OS", + "Ġsummar ize", + "ST AT", + "Ġ18 50", + "ap est", + "Ġl ender", + "ĠVari able", + "br inging", + "ĠL ORD", + ", )", + "Ġcollaps es", + "x iety", + "ĠN ed", + "Y D", + "ĠSch a", + "Ġantib ody", + "Ġdis band", + "y re", + "ill usion", + "Ġro ver", + "s hed", + "ĠHiro sh", + "cc i", + "Ġcal am", + "ĠMort on", + "P interest", + "Ġ19 28", + "ĠE uras", + "ord es", + "Ġf ences", + "ĠIn ventory", + "ĠVal encia", + "ĠU d", + "ĠT iff", + "Ġsqu e", + "Ġqu otation", + "Ġtroubles ome", + "er ker", + "QU EST", + "ĠKing doms", + "s outh", + "Ġle vy", + "Pr ince", + "ĠSt ing", + "Ġnick named", + "Ġapp e", + "Ġphot ographic", + "Ġcorp us", + "re ference", + "ĠT rog", + "U nt", + ") =(", + "ĠLat via", + "Ġactiv ating", + "Ġlicense e", + "Ġdispar ities", + "ĠNews letter", + "ãĥĥ ãĥĪ", + "Ġfree ing", + "ĠJe ep", + "ĠPer ception", + "ins k", + "Ġsil icone", + "ĠHay den", + "Le an", + "ĠSuz uki", + "ibr arian", + "66 8", + "Ġsp or", + "Ġcorrel ations", + "ag hetti", + "Ġtu ber", + "ĠIP CC", + "il us", + "ĠV u", + "Ġwealth iest", + "ĠCarb uncle", + "an za", + "Ġfool ed", + "ĠZ ur", + "Ġd addy", + "ran o", + "il ian", + "Ġknock out", + "f man", + "requ ired", + "ĠWik ileaks", + "ĠD uffy", + "ON T", + "Ġins ol", + "ĠObject s", + "Ġb ou", + "ĠNord ic", + "ĠIns ert", + "sc an", + "Ġd ancers", + "Ġid iots", + "major ity", + "ĠNev ille", + "ĠFree BSD", + "Ġt art", + "pan ic", + "69 0", + "Ġcoc oa", + "Ġsam pled", + "Ġlook up", + "Ind ust", + "Ġinject ions", + "gen re", + "Ġa u", + "Ġroad way", + "Ġgen itals", + "K ind", + "ĠEx aminer", + "ĠY az", + "F resh", + "Ġpar alysis", + "ĠAl uminum", + "Ġre ap", + "ok é", + "Ġsl oppy", + "ĠTun nel", + "pos ium", + "ner y", + "en ic", + "Ġher bal", + "ĠOut er", + "ĠBuild er", + "Ġinc ur", + "Ġide ologies", + "Ġback ups", + "cons uming", + "ĠDet ect", + "de ck", + "ĠKN OW", + "ĠG ret", + "ĠM IC", + "Ġtough ness", + "ĠEx hibit", + "Ġh ive", + "L es", + "ĠSCH OOL", + "ĠAt ari", + "ald e", + "ĠN ull", + "and estine", + "m ouse", + "Ġbrig ade", + "48 9", + "Ġrev ol", + "ĠLaw son", + "ĠW ah", + "op oly", + "eb ted", + "ĠS aunders", + "Ġ3 13", + "ĠW inc", + "Ġtab oo", + "ĠHel met", + "Ġw edge", + "ch ip", + "ĠT ina", + "b g", + "Ġinf uri", + "r n", + "Ġanomal ies", + "ĠSy nc", + "ĠEx am", + "ĠComm it", + "ĠDi ary", + "ĠALS O", + "ĠDe bor", + "omed ical", + "Ġcomprehens ion", + "6 55", + "Ġempower ing", + "Ġ ire", + "Ġju ices", + "ĠE TH", + "ĠBox ing", + "=\" /", + "Ġfacilit ated", + "p oke", + "ĠPars ons", + "ĠMod er", + "tra vel", + "Ġcivil izations", + "Ġliber tarians", + "Ġrun e", + "ĠCl arks", + "at hed", + "Ġcampaign ers", + "ĠDis patch", + "ĠFah renheit", + "ĠCap com", + "-------- --", + "Ġl ace", + "Ġdr aining", + "Ġl iner", + "ĠArt ificial", + "é n", + "t ask", + "] ).", + "ĠGM O", + "ĠOper ator", + "ord inary", + "ĠInf luence", + "ĠU ps", + "Ġpot ency", + "uss en", + "osp ons", + "ĠSw im", + "ĠDead line", + "Un ity", + "Ġcul inary", + "Ġenlight enment", + "Ġwe arer", + "Ġmin ed", + "Ġp ly", + "Ġinc est", + "ĠDVD s", + "W alk", + "B TC", + "Tr ade", + "Ġdev al", + "ib and", + "ĠOvers ight", + "Palest inian", + "Ġd art", + "Ġm ul", + "L R", + "Ġrem ovable", + "ĠReal ms", + "ì Ŀ", + "Ġmisc ar", + "ĠV ulkan", + "68 5", + "è re", + "ĠS ap", + "Ġmer ging", + "ĠCar ly", + "che ster", + "Ġbr isk", + "Ġlux urious", + "ĠGener ator", + "Ġbit terness", + "Ġed ible", + "Ġ24 3", + "T G", + "Ġrect angle", + "With No", + "bel ow", + "J enn", + "Ġdark est", + "Ġh itch", + "Ġdos age", + "Ġsc aven", + "ĠK eller", + "ĠIllust rated", + "Certain ly", + "ĠMaver icks", + "Marg inal", + "Ġdiarr hea", + "Ġenorm ously", + "Ġ9 99", + "sh r", + "qu art", + "Ġadam ant", + "ĠM ew", + "Ġren ovation", + "Ġcerv ical", + "ĠPercent age", + "en ers", + "ĠKim ber", + "Ġflo ats", + "Ġde x", + "ĠW itcher", + "ĠSwan sea", + "d m", + "Ġsal ty", + "y ellow", + "Ġca pe", + "ĠDr ain", + "ĠPaul a", + "ĠTol edo", + "les i", + "Mag azine", + "ĠW ick", + "ĠM n", + "ĠA ck", + "ĠR iding", + "AS ON", + "Ġhom ophobic", + "AR P", + "Ġwand ered", + "C PU", + "ood oo", + "ĠP ipe", + "Ġtight ening", + "ĠBut t", + "3 18", + "Ġdesert ed", + "S ession", + "Ġfacilit ating", + "J ump", + "Ġemer gencies", + "OW ER", + "Ġexhaust ive", + "ĠAF TER", + "Ġheart beat", + "ĠLab el", + "ack y", + "ĠCert ified", + "ilt ration", + "Z e", + "ĠU tt", + "Ġ13 00", + "Ġpres ume", + "ĠDis p", + "Ġsur ged", + "Ġdoll s", + "Col umb", + "Ġchim pan", + "ĠR azor", + "Ġt icks", + "Ġcouncill or", + "Ġpilgr image", + "ĠReb els", + "ĠQ C", + "ĠA uction", + "x ia", + "ik k", + "b red", + "Ġinsert ion", + "Ġco arse", + "d B", + "SE E", + "ĠZ ap", + "ĠF oo", + "Ġcontem por", + "ĠQuarter ly", + "ot ions", + "ĠAl chemist", + "ĠT rey", + "ĠDu o", + "S weet", + "80 4", + "ĠGi ov", + "Ġfun n", + "N in", + "h off", + "Ġram ifications", + "Ġ19 22", + "ĠExper ts", + "az es", + "Ġgar ments", + "ar ial", + "ĠN ab", + "Ġ25 7", + "ĠV ed", + "Ġhum orous", + "ĠPom pe", + "Ġn ylon", + "Ġlur king", + "ĠSerge y", + "ĠMatt is", + "Ġmisogyn y", + "ĠComp onents", + "ĠWatch ing", + "ĠF olk", + "ract ical", + "B ush", + "Ġt aped", + "Ġgroup ing", + "Ġbe ads", + "Ġ20 48", + "Ġcon du", + "quer que", + "Read ing", + "Ġgriev ances", + "Ult ra", + "Ġend point", + "H ig", + "ĠSt atic", + "ĠScar borough", + "L ua", + "ĠMess i", + "a qu", + "ĠPsy Net", + "ĠR udd", + "Ġa venue", + "v p", + "J er", + "Ġsh ady", + "ĠRes ist", + "ĠArt emis", + "Ġcare less", + "Ġbro kers", + "Ġtemper ament", + "Ġ5 20", + "T ags", + "ĠTurn ing", + "Ġut tered", + "Ġp edd", + "Ġimpro vised", + "Ġ: (", + "Ġtab l", + "Ġpl ains", + "16 00", + "press ure", + "ĠEss ence", + "marg in", + "friend s", + "ĠRest oration", + "Ġpoll ut", + "ĠPok er", + "ĠAugust ine", + "ĠC IS", + "ĠSE AL", + "or ama", + "Ġth wart", + "se ek", + "Ġp agan", + " º", + "cp u", + "Ġg arn", + "Ġass ortment", + "ĠI LCS", + "t ower", + "Recomm ended", + "Ġun born", + "ĠRandom Redditor", + "ĠRandomRedditor WithNo", + "Ġparaly zed", + "Ġeru ption", + "Ġinter sect", + "ĠSt oke", + "ĠS co", + "B ind", + "å ¾", + "ĠP NG", + "ĠNeg ative", + "ĠNO AA", + "Le on", + "Ġall oy", + "ĠL ama", + "ĠD iversity", + "5 75", + "Ġunderest imated", + "ĠSc or", + "Ġm ural", + "Ġb usted", + "so on", + "l if", + "Ġnone x", + "Ġall ergy", + "ĠUnder world", + "ĠR ays", + "ĠBl asio", + "Ġh rs", + "ĠD ir", + "Ġ3 27", + "by ter", + "Ġrepl acements", + "Ġactiv ates", + "ri ved", + "M H", + "Ġp ans", + "ĠH I", + "Ġlong itudinal", + "Ġnu isance", + "al er", + "Ġsw ell", + "ĠS igned", + "s ci", + "ĠIs les", + "ĠA GA", + "Ġdef iant", + "Ġson ic", + "oc on", + "K C", + "ĠA im", + "t ie", + "ah ah", + "Ġm L", + "D X", + "Ġb isc", + "ĠBill board", + "ĠSY STEM", + "NE Y", + "ga ard", + "Ġdist ressed", + "former ly", + "Al an", + "Ġche fs", + "Ġopt ics", + "ĠC omet", + "ĠAM C", + "Ġredes igned", + "irm ation", + "Ġsight ings", + "38 2", + "3 11", + "ĠW B", + "Ġcont raction", + "ĠT OTAL", + "D ual", + "Ġstart led", + "Ġunderstand ably", + "Ġsung lasses", + "ETH OD", + "Ġd ocker", + "Ġsurf ing", + "ĠH EL", + "ĠSl ack", + "ton es", + "Ġsh alt", + "Vis ual", + "49 8", + "Dep artment", + "c ussion", + "Ġunrest ricted", + "Ġt ad", + "Ġre name", + "employ ed", + "Ġeduc ating", + "Ġgrin ned", + "bed room", + "ĠActiv ities", + "ĠV elvet", + "ĠSW AT", + "Ġsh uffle", + "ig or", + "Ġsatur ation", + "F inding", + "c ream", + "ic ter", + "Ġv odka", + "tr acking", + "te c", + "Ġfore ground", + "iest a", + "Ġve hement", + "ĠEC B", + "ĠT ie", + "E y", + "Ġt urtles", + "ĠRail road", + "ĠKat z", + "ĠFram es", + "Ġmen ace", + "ĠFell owship", + "ĠEss ential", + "ugg ish", + "Ġdri p", + "ch witz", + "ĠKy oto", + "s b", + "ĠN ina", + "Param eter", + "Ġal arms", + "ĠCl aud", + "Ġpione ering", + "Ġchief ly", + "ĠSc ream", + "Col lection", + "Ġthank fully", + "ĠRonald o", + "åŃ IJ", + "st rip", + "ĠDisney land", + "com mercial", + "See ing", + "S oul", + "Ġevac uate", + "Ġc iv", + "ĠAs he", + "Ġdiv ides", + "ĠD agger", + "rehens ive", + "Ġber ries", + "ĠD F", + "Ġs ushi", + "Ġplur ality", + "W I", + "Ġdisadvant aged", + "Ġbatt alion", + "ob iles", + "45 1", + "Ġcl ing", + "Ġunden iable", + "ĠL ounge", + "Ġha unt", + "p he", + "Ġquant ify", + "Ġdiff ered", + "Ġ[* ]", + "ĠV iz", + "c um", + "sl ave", + "Ġvide og", + "Ġqu ar", + "Ġbund les", + "ĠAl onso", + "t ackle", + "Ġneur onal", + "Ġlandsl ide", + "conf irmed", + "ĠDep th", + "Ġrenew ables", + "B ear", + "ĠMaced onia", + "Ġjer seys", + "Ġb unk", + "ĠSp awn", + "ĠControl s", + "ĠBuch anan", + "Ġrobot ics", + "Ġemphas izing", + "ĠTut orial", + "h yp", + "ist on", + "Ġmonument al", + "æ °", + "ĠCar ry", + "Ġt bsp", + "en ance", + "H ill", + "art hed", + "Ġro tten", + "De an", + "Ġtw isting", + "Ġgood will", + "Ġimm ersion", + "L iving", + "Ġbr ushes", + "ĠC GI", + "ĠAt k", + "tr aditional", + "Ġph antom", + "ĠSt amina", + "Ġexpans ions", + "ĠMar in", + "Ġembark ed", + "ĠE g", + "int estinal", + "ĠPE OPLE", + "ĠBo oth", + "ĠApp alach", + "Ġreleg ated", + "V T", + "M IT", + "Ġmust er", + "Ġwithdraw ing", + "Ġmicrosc ope", + "ĠG athering", + "ĠC rescent", + "ĠArgent ine", + "ĠDec re", + "ĠDomin ic", + "Ġbud s", + "ant age", + "ĠI on", + "Ġwid ened", + "ONS ORED", + "ĠGl oves", + "iann opoulos", + "raz en", + "fe el", + "Ġrepay ment", + "Ġhind sight", + "ĠRE ALLY", + "ĠPist ol", + "ĠBra h", + "Ġwat ts", + "Ġsurv ives", + "Ġfl urry", + "iss y", + "Al ert", + "ĠUrug uay", + "Ph oenix", + "S low", + "ĠG rave", + "ĠF ir", + "Ġmanage able", + "Ġtar iff", + "ĠU DP", + "ĠPist ons", + "ĠNiger ian", + "Ġstrike outs", + "Ġcos metics", + "whel ming", + "f ab", + "c ape", + "pro xy", + "Ġre think", + "Ġover coming", + "sim ple", + "Ġw oo", + "Ġdistract ing", + "ĠSt anton", + "ĠTuls a", + "ĠD ock", + "65 9", + "Ġdisc ord", + "ĠEm acs", + "ĠV es", + "ĠR OB", + "Ġreass uring", + "Ġcons ortium", + "Muslim s", + "3 21", + "Ġprompt s", + "se i", + "ĠH itch", + "imp osed", + "ĠF ool", + "Ġindisc rim", + "wr ong", + "bu querque", + "D avis", + "! ]", + "Ġtim eless", + "ĠNE ED", + "Ġpestic ide", + "Ġrally ing", + "ĠCal der", + "Ġå ¤", + "Ġx p", + "ĠUn le", + "ĠEx port", + "lu aj", + "B uff", + ") [", + "Ġsq or", + "S audi", + "Ġis tg", + "Ġindul ge", + "pro c", + "Ġdisg usted", + "Ġcomp ounded", + "Ġn em", + "Ġschool ing", + "ĠC ure", + "process ing", + "S ol", + "Ġpro verb", + "it ized", + "ĠAlv arez", + "Ġscar f", + "Ġrect angular", + "re ve", + "Ġh ormonal", + "ĠSt ress", + "itiz en", + "Ġ4 25", + "girl s", + "ĠNo ir", + "ĠR app", + "Ġmar ches", + "ch urch", + "ĠUs es", + "Ġ40 5", + "ĠBer m", + "Ġord inances", + "ĠJud gment", + "Charg es", + "ĠZ in", + "Ġdust y", + "Ġstraw berries", + "Ġper ce", + "ĠTh ur", + "ĠDebor ah", + "net flix", + "ĠLam bert", + "Ġam used", + "ĠGu ang", + "Y OU", + "R GB", + "ĠC CTV", + "Ġf iat", + "r ang", + "Ġf ederation", + "ĠM ant", + "ĠB ust", + "ĠM are", + "respect ive", + "ĠM igration", + "ĠB IT", + "59 0", + "Ġpatriot ism", + "Ġout lining", + "reg ion", + "ĠJos é", + "Ġbl asting", + "ĠEz ra", + "B s", + "Ġundermin es", + "ĠSm ooth", + "Ġcl ashed", + "rad io", + "Ġtransition ing", + "ĠBucc aneers", + "ĠOw l", + "Ġplug s", + "Ġh iatus", + "ĠPin ball", + "Ġm ig", + "ĠNut r", + "ĠWolf e", + "Ġinteg ers", + "Ġor bits", + "ĠEd win", + "ĠDirect X", + "b ite", + "Ġbl azing", + "v r", + "Ed ge", + "ĠP ID", + "ex it", + "ĠCom ed", + "ĠPath finder", + "ĠGu id", + "ĠSign s", + "ĠZ er", + "ĠAg enda", + "Ġreimburse ment", + "M esh", + "i Phone", + "ĠMar cos", + "ĠS ites", + "h ate", + "en burg", + "Ġs ockets", + "p end", + "Bat man", + "v ir", + "ĠSH OW", + "Ġprovision al", + "con n", + "ĠDeath s", + "AT IVE", + "Pro file", + "sy m", + "J A", + "Ġnin ja", + "inst alled", + "id ates", + "eb ra", + "ĠOm aha", + "Ġse izing", + "ĠBe asts", + "Ġsal ts", + "M ission", + "Gener ally", + "ĠTr ilogy", + "he on", + "leg ates", + "Ġd ime", + "Ġf aire", + "par able", + "G raph", + "Ġtotal ing", + "Ġdiagram s", + "ĠYan uk", + "ple t", + "ĠMe h", + "Ġmyth ical", + "ĠStep hens", + "aut ical", + "ochem istry", + "Ġkil ograms", + "Ġel bows", + "anc ock", + "ĠB CE", + "ĠPr ague", + "Ġimpro v", + "ĠDev in", + "Ġ\" \\", + "par alle", + "Ġsuprem acists", + "ĠB illion", + "Ġreg imen", + "inn acle", + "Ġrequ isite", + "ang an", + "ĠBur lington", + "ain ment", + "ĠObject ive", + "oms ky", + "G V", + "Ġun ilateral", + "Ġt c", + "Ġh ires", + "ment al", + "Ġinvol untary", + "Ġtrans pl", + "ĠASC II", + " ¨", + "Ev ents", + "Ġdoub ted", + "ĠKa plan", + "ĠCour age", + "ig on", + "ĠMan aging", + "ĠT art", + "Ġfalse hood", + "ĠV iolet", + "Ġair s", + "Ġfertil izer", + "Brit ain", + "Ġaqu atic", + "ou f", + "W ords", + "ĠHart ford", + "Ġeven ings", + "ĠV engeance", + "qu ite", + "G all", + "ĠP ret", + "Ġp df", + "ĠL M", + "ĠSo chi", + "ĠInter cept", + "9 20", + "Ġprofit ability", + "ĠId le", + "ĠMac Donald", + "ĠEst ablishment", + "um sy", + "Ġgather ings", + "ĠN aj", + "Charl ie", + "Ġas cent", + "ĠProt ector", + "Ġal gebra", + "Ġbi os", + "for ums", + "EL S", + "Introdu ced", + "Ġ3 35", + "Ġastron omy", + "Cont ribut", + "ĠPol ic", + "Pl atform", + "Ġcontain ment", + "w rap", + "Ġcoron ary", + "ĠJ elly", + "man ager", + "Ġheart breaking", + "c air", + "ĠChe ro", + "c gi", + "Med ical", + "ĠAccount ability", + "! !\"", + "oph ile", + "Ġpsych otic", + "ĠRest rict", + "Ġequ itable", + "iss ues", + "Ġ19 05", + "ĠN ek", + "c ised", + "ĠTr acking", + "Ġo zone", + "Ġcook er", + "ros is", + "Ġre open", + "Ġinf inity", + "ĠPharm aceutical", + "ens ional", + "Att empt", + "ĠR ory", + "Mar co", + "Ġawa its", + "H OW", + "t reated", + "Ġbol st", + "Ġreve red", + "Ġp ods", + "opp ers", + "00 10", + "Ġampl itude", + "ric an", + "SP ONSORED", + "Ġtrou sers", + "Ġhal ves", + "ĠK aine", + "ĠCut ler", + "ĠA UTH", + "Ġsplend id", + "Ġprevent ive", + "ĠDud ley", + "if acts", + "umin ati", + "ĠY in", + "Ġad mon", + "ĠV ag", + "Ġin verted", + "Ġhast ily", + "ĠH ague", + "L yn", + "Ġled ger", + "Ġastron omical", + "get ting", + "Ġcirc a", + "ĠC ic", + "ĠTenn is", + "Lim ited", + "Ġd ru", + "ĠBY U", + "Ġtrave llers", + "Ġp ane", + "ĠInt ro", + "Ġpatient ly", + "Ġa iding", + "Ġlo os", + "ĠT ough", + "Ġ29 3", + "Ġconsum es", + "Source File", + "Ġ\"\" \"", + "Ġbond ing", + "Ġtil ted", + "Ġmenstru al", + "ĠCel estial", + "UL AR", + "Plug in", + "Ġrisk ing", + "N az", + "ĠRiy adh", + "Ġacc redited", + "Ġsk irm", + "é Ľ", + "Ġexam iner", + "Ġmess ing", + "Ġnear ing", + "ĠC hern", + "ĠBeck ham", + "Ġsw apped", + "Ġgo ose", + "K ay", + "Ġlo fty", + "ĠWal let", + "Ġ[ '", + "Ġap ocalypse", + "Ġb amboo", + "ĠSP ACE", + "ĠEl ena", + "Ġ30 6", + "ac ons", + "Ġtight ened", + "Ġadolesc ence", + "Ġrain y", + "Ġvandal ism", + "ĠNew town", + "Ġcon ject", + "c akes", + "Ġche ated", + "Ġmoder ators", + "par ams", + "E FF", + "Ġdece it", + "ĠST L", + "ĠTanz ania", + "ĠR I", + "Ġ19 23", + "ĠEx ile", + "the l", + "Ġthe olog", + "Ġquir ky", + "ĠIr vine", + "Ġneed y", + "or is", + "U m", + "K a", + "Ġmail box", + "3 22", + "Ġb os", + "ĠPet ra", + "K ING", + "Ġenlarg ed", + "O ften", + "Ġbad ass", + "Ġ3 43", + "ĠPl aces", + "ĠC AD", + "Ġpr istine", + "Ġinterven ing", + "d irection", + "Ġl az", + "ĠD SM", + "Ġproject ing", + "ĠF unk", + "ag og", + "pay ment", + "n ov", + "Ġch atter", + "AR B", + "Ġexam inations", + "ĠHouse hold", + "ĠG us", + "F ord", + "4 14", + "B oss", + "Ġmy stic", + "Ġle aps", + "ĠB av", + "ul z", + "b udget", + "Foot ball", + "Ġsubsid ized", + "Ġfirst hand", + "Ġcoinc ide", + "oc ular", + "Con n", + "ĠColl abor", + "Ġfool s", + "am ura", + "ah ar", + "r ists", + "Ġsw ollen", + "Ġexp ended", + "ĠP au", + "s up", + "Ġsp ar", + "Ġkey note", + "s uff", + "Ġunequ al", + "Ġprogress ing", + "str ings", + "ĠGamer gate", + "Dis ney", + "ĠEle ven", + "om nia", + "Ġscript ed", + "Ġear ners", + "bro ther", + "ĠEn abled", + "æ ³", + "Ġlar vae", + "ĠL OC", + "m ess", + "Wil son", + "ĠTem plate", + "success fully", + "Ġparam ount", + "Ġcamoufl age", + "Ġbind s", + "ĠQu iet", + "ĠSh utterstock", + "r ush", + "Ġmasc ot", + "fort une", + "ĠCol t", + "ĠBe yon", + "hab i", + "Ġha irc", + "Ġ26 7", + "ĠDe us", + "Ġtw itch", + "Ġconcent rating", + "Ġn ipples", + "c ible", + "Ġg ir", + "N Z", + "M ath", + "n ih", + "Requ ired", + "Ġp onder", + "ĠS AN", + "Ġwedd ings", + "Ġl oneliness", + "N ES", + "ĠMah jong", + "69 5", + "add le", + "ĠGar ner", + "ĠC OUR", + "Br idge", + "Ġsp ree", + "ĠCald well", + "Ġbri bery", + "Ġ���� ����", + "plug ins", + "Ġr acket", + "Ġchamp agne", + "vers ible", + "V ote", + "Ġmod ifiers", + "May or", + "6 80", + "Ġassemb lies", + "ĠS ultan", + "ĠN ing", + "ĠLad ies", + "Ġsulf ur", + "Ġor bs", + "Ġ---- -", + "____ ___", + "ĠJournal ism", + "Ġes ports", + "Ġl ush", + "Ġh ue", + "Ġspect ral", + "H onest", + "ãĥ ı", + "Ġbus hes", + "Ġrein forcement", + "Ġre opened", + "ĠWhe els", + "ĠM org", + "rie ving", + "Ġaux iliary", + "Ġj Query", + "ĠB AT", + "tes que", + "Ġver tex", + "p ure", + "f rey", + "ãĤ º", + "d os", + "Ġty ph", + "Ġc ull", + "Ġe q", + "Ġdec on", + "Ġtoss ing", + "Ġdispar ate", + "ĠBr igham", + "print f", + "led ged", + "Ġsu nd", + "Ġco zy", + "Ġhepat itis", + "per forming", + "Ġav al", + "ĠG G", + "f uture", + "Ġpet ertodd", + "ĠKos ovo", + "Ġmagn ets", + "Al ready", + "ĠEd ison", + "ĠCe res", + "ĠRA ID", + "Ġbrill iance", + "57 6", + "Ġder ives", + "Ġhypert ension", + "ĠÎ Ķ", + "Ġlamb da", + "Ġfl air", + "Ġmission aries", + "Ġrap es", + "ĠSt arter", + "ĠMon ths", + "Ġdef y", + "Ġseism ic", + "ĠR aphael", + "Ġeuro zone", + "65 6", + "z sche", + "Ġscr atched", + "Ġb ows", + "ĠLenn on", + "ĠGa ia", + "Ġdri pping", + "f acts", + "A le", + "Ġfrog s", + "ĠBre ast", + "ogene ity", + "ĠProsecut or", + "Ġampl ified", + "ĠHod g", + "ĠF n", + "Th ousands", + "ĠNI H", + "ĠMonitor ing", + "FT WARE", + "ĠPri ebus", + "ĠG rowing", + "hun ter", + "Ġdiagn ose", + "ĠM ald", + "ĠL R", + "Ġcrown ed", + "Ġburst ing", + "Ġdiss olution", + "j avascript", + "Ġuseful ness", + "ĠExec ution", + ": (", + "ĠIv ory", + "a ah", + "Ġpersecut ed", + "viol ence", + "ist as", + "ĠCr ate", + "Ġimpuls es", + "ĠSp ani", + "ed es", + "Hand le", + "ĠZ erg", + "think able", + "Last ly", + "Ġspont aneously", + "Ġinconven ient", + "Ġdismiss ing", + "Ġpl otted", + "Ġeight y", + "Ġ7 37", + "r ish", + "ĠThor nton", + "ath am", + "Ġsit com", + "V en", + "Rec ipe", + "t el", + "l und", + "Ġcle ars", + "ĠSas uke", + "Ġ25 8", + "Ġopt ing", + "Ġen raged", + "est hetic", + "ĠA e", + "uch s", + "Pre p", + "Fl ow", + "Ġrun off", + "ĠE ating", + "ĠG iles", + "ĠAct ing", + "res ources", + "ib aba", + "Ġr pm", + "Ġske wed", + "ĠBl anc", + "ĠS akuya", + "Ġhot ter", + "Ġ19 24", + "op ian", + "ck o", + "Ġcr umbling", + "Ġcapt ains", + "ĠAppropri ations", + "le aders", + "dro pping", + "an uts", + "Ġrevers ing", + "ĠP ose", + "ĠS ek", + "Sc ot", + "ĠIde a", + "c ise", + "ĠSloven ia", + "Ġ3 17", + "Do ctor", + "Ġcro cod", + "ald i", + "Se a", + "ĠFar rell", + "Ġmerc enaries", + "ĠR NC", + "ĠGu ess", + "Ġp acing", + "M achine", + "Streamer Bot", + "ĠChar ity", + "Ġ29 8", + "Ġcann ons", + "ĠTob y", + "TPP StreamerBot", + "ĠPass ion", + "cf g", + "Th om", + "Ġbad ges", + "ĠBern stein", + ". âĢĵ", + "ĠP OP", + "ĠCon j", + "Ġinitial ization", + "Ġbiod iversity", + "D ub", + "Ġfeud al", + "Ġdisclaim er", + "Ġc row", + "Ġign ition", + "ar f", + "S HA", + "Ġk Hz", + "h azard", + "ĠArt ists", + "oe uv", + "67 9", + "ĠRud y", + "N ine", + "ĠRam adan", + "å ½", + "itt o", + "Ġadren aline", + "C ert", + "Ġsmell ed", + "Ġimp unity", + "Ġag endas", + "ĠRe born", + "ĠCon cent", + "ĠSe ems", + "Ġo mega", + "ĠDust in", + "Ġback er", + "ĠSau ce", + "ĠBoy le", + "W IN", + "Ġsp ins", + "Ġpa uses", + "u pt", + "Ġshred ded", + "Ġstra pped", + "ĠCor ruption", + "Ġscr atches", + "Ġn i", + "Ġatt ire", + "ĠS AF", + "Factory Reloaded", + "ĠI PS", + "Ġ( %", + "Ġsem inar", + "f ocus", + "c ivil", + "Ġ18 60", + "int osh", + "Ġcontin ual", + "Ġabbre vi", + "ĠS ok", + "oc obo", + "X M", + "Ġfr antic", + "Ġunavoid able", + "Ġar tery", + "Ġannot ations", + "b ath", + "Cl imate", + "Ġd ors", + "ĠSl ide", + "co ord", + "ĠRel oad", + "ĠL DL", + "ĠLove craft", + "Ġunim agin", + "Ġresemb led", + "Ġbarr acks", + "n p", + "Ġsurrog ate", + "Ġcategor ized", + "ãĤ ©", + "Ġvacc inated", + "Ġdrain age", + "Ġind ist", + "ĠWhats App", + "Ġ18 70", + "oler ance", + "inv oke", + "am orph", + "Ġrecon nect", + "Ġem anc", + "Ġblind ness", + "Ġ12 80", + "intern et", + "c ollar", + "Ġalt ru", + "Ġab yss", + "ĠT RI", + "65 7", + "Ġinf used", + "HE AD", + "Ġforest ry", + "ĠWood y", + "ĠC i", + "w i", + "s am", + "78 4", + "hol iday", + "Ġmog ul", + "ĠF ees", + "ĠD EN", + "In ternal", + "ur bed", + "f usc", + "at om", + "ĠIll usion", + "Ġpoll ed", + "Ġfl ap", + "Ġco ax", + "L GBT", + "An aly", + "ĠSect ions", + "ĠCalif orn", + "em n", + "Ġh ither", + "ĠN IGHT", + "Ġn ailed", + "ĠPip eline", + "39 1", + "o of", + "ĠPr imal", + "vere nd", + "Ġsl ashing", + "Ġret ri", + "avi our", + "Ġdepart ing", + "g il", + "IS C", + "Ġmid way", + "Ġultras ound", + "Ġbeh aving", + "ĠT ara", + "class es", + "V irtual", + "ĠColon ial", + "Ġstri pping", + "Ġorchestr ated", + "ĠGra ves", + "45 2", + "ĠIron ically", + "ĠWrit ers", + "Ġl ends", + "ĠMan z", + "Ġra ven", + "Ġoxid ative", + "Ġ26 6", + "EL F", + "act ually", + "asc ar", + "D raft", + "Ġfavour able", + "Ġhumili ating", + "Ġf idelity", + "ĠH of", + "ĠX uan", + "49 6", + "Ġlay ered", + "at is", + "79 0", + "Ġpay check", + "it on", + "K ar", + "ĠVM ware", + "ĠFar mer", + "Ġserv ic", + "gl omer", + "Ġsl ump", + "ĠFab ric", + "ĠD OC", + "est ing", + "Ġreass ure", + "Ġph yl", + "v olt", + "it ory", + "R ules", + "Ġoxid ation", + "Ġpri zed", + "Ġmist ress", + "ĠDj ango", + "WAR N", + "å ij", + "Ġenc ode", + "ĠFeed back", + "Ġstupid ity", + "I an", + "ĠYugoslav ia", + "× ¨", + "ac l", + "UT E", + "19 77", + "Ġqual ifies", + "Ġpuls es", + "pret ty", + "Ġfro ze", + "Ġs s", + "Iter ator", + "Ġur gently", + "Ġm ailed", + "ĠCh am", + "Ġsust aining", + "Ġbas il", + "Ġpupp ies", + "il ant", + "ĠP LEASE", + "l ap", + "ace ous", + "F ear", + "ĠMaster y", + "aut omatic", + "ĠT AG", + "Ġant im", + "ag les", + "47 3", + "fram es", + "Ġwh ispers", + "ĠWho ever", + "Ġbra very", + "ĠUK IP", + "ract ions", + "\"\" \"", + "Ġt ame", + "Ġpart ed", + "every thing", + "CON T", + "Ġind ebted", + "Ġadd r", + "re k", + "IR ED", + "Ġem inent", + "cl inton", + "Ġo usted", + "Ġreview er", + "Ġmelt down", + "Ġre arr", + "ĠY ao", + "the real", + "aby te", + "Ġst umbling", + "Ġbat ches", + "Ġ25 9", + "Ġcontrace ptive", + "Ġprost itute", + "ens is", + "De cl", + "ĠSt rikes", + "M ilitary", + "ĠO ath", + "v acc", + "pp ings", + "05 2", + "Ġpart Name", + "amp ing", + "Rep orts", + "K I", + "CH R", + "Ġsubt ly", + "sw ers", + "Bl ake", + "us ual", + "Ġcontest ants", + "Ġcart ridges", + "ĠGRE AT", + "Ġbl ush", + "ĠâĢ º", + "47 2", + "Ġreason ed", + "ãĥ ¤", + "paralle led", + "Ġd yn", + "ag ate", + "Ġnight ly", + "å Ĩ", + "55 6", + "Ġsem antic", + "ĠAdv oc", + "Ġ !!", + "Ġdisag rees", + "ĠB W", + "V eh", + "Ġharm ing", + "Ġembr aces", + "Ġstri ves", + "Ġin land", + "ĠK ard", + "Ġhe ats", + "ĠGin ny", + "ut an", + "ern aut", + "yl ene", + "ĠE lev", + "J D", + "Ġh ars", + "ĠStar r", + "Ġsk ysc", + "Ġcollabor ators", + "Us ually", + "Ġrev olutions", + "ĠSTAT S", + "Ġdism antle", + "Ġconfident ly", + "Ġkin etic", + "Al i", + "Ġpercent ile", + "Ġextract ing", + "ill ian", + "est ead", + "Ġphysic ists", + "ĠMarsh al", + "Ġfell owship", + "Ġd ashed", + "ĠU R", + "ĠSi oux", + "ĠComp act", + "am ide", + "P ython", + "ĠLe igh", + "ĠPharm ac", + "ist rates", + "her ical", + "Ġf ue", + "ĠE min", + "Ġ( {", + "ĠNeighbor hood", + "Ġdisrupt ing", + "ĠD up", + "Ġg land", + "ĠSe v", + "ĠMar ian", + "arg on", + "ĠD und", + "Ġ< !--", + "Ġstr and", + "Ġstadium s", + "z os", + "Ġpsych osis", + "ĠR ack", + "Ġbrilliant ly", + "ï¸ ı", + "Ġsubmer ged", + "ĠInst it", + "ĠCh ow", + "Ġc ages", + "ĠH ats", + "ĠU rs", + "Ġdil uted", + "us at", + "ien ne", + "ĠMembers hip", + "ĠBur k", + "Ġ ie", + "Ġarche type", + "D rug", + "ult on", + "ĠSp ock", + "ĠMcK ay", + "ĠDep end", + "F eatured", + "S oc", + "19 78", + "ĠB ere", + "Ġrelent lessly", + "Ġcripp ling", + "Ġar thritis", + "çĶ Ł", + "ĠTrop ical", + "ĠBul g", + "ĠCher yl", + "Ġadm irable", + "Ġsub title", + "Over ride", + "Ġorig inating", + "ĠC CP", + "Ġsw ore", + "ĠSo le", + "ĠDis orders", + "3 29", + "Ġprocess ion", + "Ġref urb", + "Ġimm ersed", + "requ ently", + "Ġskept ics", + "Ġcer amic", + "m itter", + "en stein", + "b elt", + "ĠT IT", + "b idden", + "Ġf ir", + "m ist", + "> ]", + "Ġwe ave", + "ĠParad ox", + "Ġentr usted", + "ĠBarcl ays", + "Ġnovel ist", + "og ie", + "80 6", + "Ġnin ety", + "Ġdisag reements", + "@@@@ @@@@", + "ĠAus chwitz", + "c ars", + "ĠL ET", + "t ub", + "arant ine", + "P OS", + "Ġback story", + "Ġcheer ful", + "ĠR ag", + "ek a", + "bi ased", + "Ġinexper ienced", + "ak ra", + "ĠW itt", + "t an", + "Ġrap ist", + "Ġplate au", + "ch al", + "ĠInqu is", + "exp ression", + "Ġc ipher", + "Ġsh aving", + "add en", + "re ly", + "( \\", + "ism a", + "ĠReg ulatory", + "CH AR", + "ily n", + "N VIDIA", + "G U", + "Ġmur m", + "la us", + "Christ opher", + "Ġcontract ual", + "ĠPro xy", + "ĠJa ime", + "ĠMethod ist", + "Ġstew ards", + "st a", + "per ia", + "Ġphys iology", + "Ġbump ed", + "Ġf ructose", + "Austral ian", + "ĠMet allic", + "ĠMas querade", + "ar b", + "Ġprom ul", + "Ġdown fall", + "Ġbut cher", + "Ġb our", + "ĠIN FORMATION", + "ĠB is", + "pect s", + "ad ena", + "Ġcontempl ating", + "ar oo", + "cent ered", + "ĠPe aks", + "Us ed", + "Ġmod em", + "Ġg enders", + "Ġ8 000", + "37 1", + "Ġm aternity", + "ĠR az", + "Ġrock ing", + "Ġhandgun s", + "ĠD ACA", + "Aut om", + "ĠN ile", + "Ġtum ult", + "ĠBenef it", + "ĠAppro ach", + "works hop", + "ĠLe aving", + "G er", + "inst ead", + "Ġvibr ations", + "Ġrep ositories", + "49 7", + "ĠA unt", + "ĠJ ub", + "ĠExp edition", + "Al pha", + "Ġs ans", + "Ġoverd ue", + "Ġoverc rowd", + "Ġlegisl atures", + "Ġp aternal", + "ĠLeon ardo", + "Ġexp ressive", + "Ġdistract ions", + "Ġsil enced", + "tr ust", + "Ġb iking", + "Ġ5 60", + "Ġpropri et", + "Ġimp osition", + "Ġcon glomer", + "Ġ= ================================================================", + "ĠTe aching", + "ĠY ose", + "int ensive", + "T own", + "Ġtroll ing", + "ĠGr ac", + "ĠAS US", + "Y o", + "Ġspecial s", + "ĠNep h", + "ĠGod zilla", + "Dat abase", + "ĠHe gel", + "Ġ27 2", + "19 76", + "ĠGl oria", + "Ġdis emb", + "ĠInvestig ations", + "ĠB ane", + "ag ements", + "St range", + "Ġtre asury", + "ĠPl ays", + "Ġundes irable", + "Ġwid ening", + "Ġverb ally", + "Ġinf ancy", + "Ġcut ter", + "f ml", + "Ġ21 00", + "prot otype", + "f ine", + "Ġdec riminal", + "Ġdysfunction al", + "Ġbes ie", + "ĠErn st", + "z eb", + "Ġnort heastern", + "Ġa ust", + "por ate", + "ĠMar lins", + "Ġsegreg ated", + "ew orld", + "ĠMa her", + "Ġtra verse", + "Ġmon astery", + "ur gy", + "G ear", + "s and", + "Com pl", + "ĠE MP", + "Ġpl ent", + "ĠMer cer", + "Ġ27 6", + "TA BLE", + "Config uration", + "H undreds", + "Ġpr ic", + "Ġcollabor ating", + "ĠPar amount", + "ĠCumm ings", + "Ġ( <", + "Ġrecord er", + "Ġfl ats", + "Ġ4 16", + "wh ose", + "Font Size", + "ĠOr bit", + "Y R", + "Ġwr ists", + "Ġb akery", + ") }", + "ĠB ounty", + "ĠLanc aster", + "Ġend ings", + "acc ording", + "ĠSal am", + "e asy", + "75 5", + "ĠBur r", + "ĠBarn ett", + "onom ous", + "Un ion", + "Ġpreced ence", + "ĠScholars hip", + "ĠU X", + "Ġroll out", + "Ġbo on", + "al m", + "ĠCan ter", + "æ µ", + "Ġround ing", + "Ġcl ad", + "Ġv ap", + "ĠF eatured", + "is ations", + "Ġ5 40", + "pol ice", + "Ġunsett ling", + "Ġdr ifting", + "ĠLum ia", + "ĠObama Care", + "ĠF avor", + "Hy per", + "ĠRoth schild", + "ĠMil iband", + "an aly", + "ĠJul iet", + "H u", + "Ġrec alling", + "a head", + "69 6", + "Ġunf avorable", + "Ġd ances", + "O x", + "Ġleg ality", + "Ġ40 3", + "rom ancer", + "Ġinqu ire", + "ĠM oves", + "\\ \">", + "ĠVari ant", + "ĠMess iah", + "ĠL CS", + "ĠBah á", + "75 6", + "Ġeyeb row", + "Ġ ¥", + "ĠMc F", + "ĠFort y", + "M as", + "Ġpan icked", + "Ġtransform ations", + "q q", + "Ġrev olves", + "ring e", + "ĠA i", + "ax e", + "Ġon ward", + "ĠC FR", + "ĠB are", + "log in", + "Ġliqu ids", + "Ġde comp", + "second ary", + "il an", + "ĠCon vert", + "ami ya", + "Ġprosecut ing", + "Ġâī ¡", + "ĠYork ers", + "ĠByr ne", + "sl ow", + "aw ei", + "J ean", + "Ġ26 9", + "ĠSky dragon", + "Ġ é", + "ĠNicarag ua", + "ĠHuck abee", + "ĠHigh ly", + "Ġamph ib", + "ĠPast or", + "ĠL ets", + "Ġbl urred", + "Ġvisc eral", + "ĠC BO", + "Ġcollabor ated", + "z ig", + "Leg al", + "Ġapart heid", + "Ġbr id", + "Ġpres et", + "ĠD ET", + "ĠAM A", + "× Ķ", + "arch ing", + "auc uses", + "build er", + "Ġpo etic", + "Ġem ulator", + "ĠMole cular", + "Ġhon oring", + "ise um", + "Ġtract or", + "ĠCl uster", + "ĠCal m", + "ared evil", + "Ġsidew alks", + "Ġviol in", + "Ġgeneral ized", + "ĠAle c", + "Ġemb argo", + "Ġfast ball", + "ĠHT TPS", + "ĠL ack", + "ĠCh ill", + "ri ver", + "C hel", + "ĠSw arm", + "ĠLev ine", + "ro ying", + "L aunch", + "Ġkick er", + "Ġadd itive", + "ĠDe als", + "W idget", + "cont aining", + "Ġescal ate", + "ĠOP EN", + "Ġtwe aked", + "Ġst ash", + "Ġsp arks", + "ĠEs sex", + "ĠE cc", + "Ġconv ict", + "Ġblog ging", + "I ER", + "ĠH L", + "Ġmurd erers", + "75 9", + "ĠH ib", + "Ġde pl", + "ĠJ ord", + "S ac", + "Ġdis sect", + "ĠHow e", + "os her", + "Ġcustom izable", + "ĠFran z", + "Ġat ro", + "Ä ĩ", + "Ġ000 4", + "Ġout post", + "R oss", + "Ġglyph osate", + "ĠHast ings", + "ĠBE FORE", + "Ġsh ove", + "o pped", + "ĠSc ala", + "Ġam ulet", + "an ian", + "Ġexacerb ated", + "Ġe ater", + "47 1", + "UM E", + "Ġpul p", + "izont al", + "ĠZ am", + "ĠAT I", + "imm une", + "aby tes", + "Ġunnecess arily", + "ĠC AT", + "ĠAx is", + "Ġvisual ize", + "à ī", + "ĠRad ical", + "f m", + "Doc uments", + "ĠFor rest", + "Ġcontext ual", + "ĠSy mbol", + "Ġtent ative", + "ĠDO ES", + "ĠGood s", + "Ġintermitt ent", + "} :", + "medi ated", + "Ġridic ule", + "Ġathe ism", + "Ġpath ogens", + "ĠM um", + "Ġre introdu", + "Ġ30 7", + "i HUD", + "Ġflash light", + "Ġsw earing", + "Ġp engu", + "B u", + "Ġrot ated", + "ĠCr ane", + "Ġ() );", + "Ġfashion able", + "Ġendors ing", + "46 3", + ") [", + "Ġingest ion", + "Ġcook s", + "Ġ9 50", + "ot omy", + "ĠIm am", + "Ġk a", + "Ġte aser", + "ĠGhost s", + "ĠãĤ µ", + "19 69", + "Ï ĥ", + "ub by", + "Ġconver ter", + "zan ne", + "end e", + "ĠPre par", + "ĠNic kel", + "ĠChim era", + "h im", + "ĠTyr ann", + "ĠSabb ath", + "ĠNich ols", + "Ġra pt", + "ih ar", + "Ġshe lling", + "Ġillum inate", + "Ġdent ist", + "ut or", + "ĠInteg ration", + "Ġwh ims", + "ĠLiter ary", + "Be aut", + "Ġp archment", + "ag ara", + "Br and", + "Ġder og", + "â̦ )", + "ĠNor se", + "Ġunw itting", + "Ġc uc", + "Ġborder line", + "Ġupset ting", + "Ġrec ourse", + "Ġd raped", + "ĠRad ar", + "Ġcold er", + "ĠPep si", + "im inary", + "], [", + "65 8", + "V i", + "ĠF rem", + "ĠP es", + "Ġveter inary", + "ĠT ED", + "ĠEp idem", + "n ova", + "k id", + "Ġdev out", + "o ct", + "j ad", + "M oh", + "ĠP AY", + "Ġge ometric", + "Ġ3 23", + "Ġcircum ference", + "ich ick", + "19 75", + "ĠY uri", + "ĠSh all", + "ĠH over", + "un in", + "S pr", + "Ġg raft", + "ĠHapp iness", + "Ġdisadvant ages", + "att acks", + "Ġhub s", + "ĠStar Craft", + "é ĸ", + "Ġgall eries", + "ĠKor ra", + "Ġgrocer ies", + "ĠGors uch", + "Ġrap ists", + "Ġfun gi", + "ĠTyph oon", + "V ector", + "ĠEm press", + "b attle", + "4 68", + "Ġparas ite", + "ĠBom ber", + "S G", + "ex ist", + "ĠP f", + "Ġun se", + "Ġsurge ons", + "B irth", + "ĠUn sure", + "ĠPrint ed", + "ĠBehavior al", + "ĠA ster", + "Pak istan", + "Ġun ethical", + "Ġs v", + "ĠIo T", + "Ġlay outs", + "P ain", + "Ġconst ants", + "ĠL W", + "ĠB ake", + "Ġtow els", + "Ġdeterior ation", + "ĠBol ivia", + "Ġblind ed", + "ĠW arden", + "ĠMist ress", + "Ġon stage", + "Ġcl ans", + "ĠB EST", + "19 60", + "Ġant ique", + "Ġrhet orical", + "ĠPer cy", + "ĠRw anda", + ", .", + "B ruce", + "Ġtra umat", + "ĠParliament ary", + "Ġfoot note", + "id ia", + "ĠLear ned", + "se eking", + "gen ic", + "Ġdim ensional", + "H ide", + "èĢ ħ", + "Ġintrig ue", + "in se", + "Ġle ases", + "Ġapp rentices", + "w ashing", + "Ġ19 26", + "V ILLE", + "Ġsw oop", + "s cl", + "Ġbed rooms", + "on ics", + "ĠCr unch", + "comp atible", + "Ġincap ac", + "ĠYemen i", + "ash tra", + "z hou", + "d anger", + "Ġmanifest ations", + "ĠDem ons", + "AA F", + "Secret ary", + "ACT ED", + "L OD", + "Ġam y", + "ra per", + "eth nic", + "4 17", + "Ġpos itives", + "Ġ27 3", + "ĠRefuge es", + "Ġus b", + "ĠV ald", + "odd y", + "ĠMahm oud", + "As ia", + "Ġskull s", + "ĠEx odus", + "ĠComp et", + "ĠL IC", + "ĠM ansion", + "ĠA me", + "Ġconsolid ate", + "storm s", + "ont ent", + "99 6", + "Ġcl en", + "Ġm ummy", + "fl at", + "75 8", + "ĠV OL", + "oter ic", + "n en", + "ĠMin ute", + "S ov", + "Ġfin er", + "R h", + "ly cer", + "Ġreinforce ments", + "ĠJohann es", + "ĠGall agher", + "Ġgym n", + "S uddenly", + "Ġext ortion", + "k r", + "i ator", + "T a", + "Ġhippocamp us", + "N PR", + "ĠComput ing", + "Ġsquare ly", + "Ġmod elling", + "ĠFor ums", + "ĠL isp", + "ĠKrish na", + "Ġ3 24", + "Ġr ushes", + "Ġens ued", + "Ġcre eping", + "on te", + "n ai", + "il ater", + "ĠHorn ets", + "Ġob livious", + "IN ST", + "55 9", + "Ġjeopard y", + "Ġdistingu ishing", + "j ured", + "Ġbeg s", + "sim ilar", + "ph ot", + "5 30", + "ĠPark way", + "Ġs inks", + "ĠHearth stone", + "ib ur", + "ĠBat on", + "Av oid", + "Ġd ancer", + "Ġmag istrate", + "ary n", + "Ġdisturb ances", + "ĠRom ero", + "Ġpar aph", + "Ġmis chief", + "âĸ ĵ", + "ĠSh aria", + "Ġur inary", + "r oute", + "iv as", + "f itted", + "Ġeject ed", + "ĠAl buquerque", + "Ġ4 70", + "Ġirrit ated", + "ĠZ ip", + "ĠB iol", + "à į", + "Ġden ounce", + "Ġbin aries", + "ĠVer se", + "Ġopp os", + "ĠKend rick", + "ĠG PL", + "Ġsp ew", + "ĠEl ijah", + "ĠE as", + "Ġdr ifted", + "so far", + "Ġannoy ance", + "ĠB ET", + "47 4", + "ĠSt rongh", + "it ates", + "ĠCogn itive", + "oph one", + "ĠIdent ification", + "ocr ine", + "connect ion", + "Ġbox er", + "ĠAS D", + "ĠAre as", + "Y ang", + "t ch", + "ull ah", + "Ġdece ive", + "Comb at", + "ep isode", + "cre te", + "W itness", + "Ġcondol ences", + "ht ar", + "Ġhe als", + "Ġbuck ets", + "ĠLA W", + "B lu", + "Ġsl ab", + "ĠOR DER", + "oc l", + "att on", + "ĠSteven son", + "ĠG inger", + "ĠFriend ly", + "ĠVander bilt", + "sp irit", + "ig l", + "ĠReg arding", + "ĠPR OG", + "Ġse aling", + "start ing", + "Ġcard inal", + "ĠV ec", + "ĠBe ir", + "Ġmillisec onds", + "we ak", + "per se", + "Ġster ile", + "ĠCont emporary", + "ĠPh ant", + "ĠCl o", + "Ġout p", + "Ġex iled", + "Ġ27 7", + "Ġself ie", + "Ġman ic", + "Ġn ano", + "ter ms", + "Alex ander", + "Ġres olves", + "Ġmillenn ia", + "Ġexpl odes", + "Ġconst ellation", + "Ġadul tery", + "m otion", + "D OC", + "Ġbroad casters", + "Ġkinderg arten", + "ĠMay weather", + "ĠE co", + "ich o", + "Ġ28 7", + "l aun", + "Ġm ute", + "Ġdisc reet", + "Ġpres chool", + "Ġpre empt", + "De lete", + "ĠFre ed", + "P i", + "H K", + "Ġblock er", + "ĠC umber", + "Ġw rought", + "d ating", + "Ġins urer", + "Ġquot as", + "Ġpre ached", + "Ġev iction", + "ĠReg ina", + "ĠP ens", + "Ġsevent een", + "ĠN ass", + "D ick", + "Ġfold s", + "Ġd otted", + "ĠA ad", + "Un iversal", + "Ġp izz", + "ĠG uru", + "Ġso ils", + "Ġno vice", + "ĠNe ander", + "Ġst ool", + "Ġdeton ated", + "ĠPik achu", + "ĠMass ive", + "IV ER", + "ĠAb del", + "Ġsubdu ed", + "Ġtall est", + "Ġprec arious", + "Ġa y", + "r ification", + "ĠOb j", + "c ale", + "Ġun question", + "cul osis", + "ad as", + "igr ated", + "D ays", + "Ġque ens", + "ĠGaz ette", + "ĠCol our", + "ĠBow man", + "ĠJ J", + "ï ve", + "Ġdomin ates", + "Stud ent", + "Ġm u", + "Ġback log", + "ĠElect ro", + "Tr uth", + "48 3", + "Ġcond ensed", + "r ules", + "ĠCons piracy", + "Ġacron ym", + "hand led", + "ĠMat te", + "j ri", + "ĠImp ossible", + "l ude", + "cre ation", + "Ġwar med", + "ĠSl ave", + "Ġmis led", + "Ġfer ment", + "ĠK ah", + "ink i", + "ke leton", + "cy l", + "ĠKar in", + "Hun ter", + "Reg ister", + "ĠSur rey", + "Ġst ares", + "ĠW idth", + "ĠN ay", + "ĠSk i", + "Ġblack list", + "uck et", + "Ġexp ulsion", + "im et", + "Ġret weet", + "vant age", + "Fe ature", + "Ġtro opers", + "Ġhom ers", + "9 69", + "Ġconting ency", + "ĠW TC", + "ĠBrew er", + "fore ign", + "W are", + "S olar", + "Ġund ue", + "RE C", + "ulner able", + "path ic", + "ĠBo ise", + "Ġ3 22", + "Ġarous ed", + "ĠY ing", + "ä¸ į", + "uel ess", + "Ġp as", + "Ġmor p", + "Ġfl oral", + "Ex press", + "ud ging", + "k B", + "ĠGr anted", + "Ø ¯", + "ĠMich a", + "ĠGoth ic", + "ĠSPEC IAL", + "ĠRic ardo", + "F ran", + "Ġadminister ing", + "6 20", + "por a", + "Ġ ®", + "Ġcomprom ises", + "Ġb itten", + "Ac cept", + "Th irty", + "Ð ²", + "Ġmater ially", + "ĠTer r", + "ig matic", + "ch ains", + "Ġdo ve", + "stad t", + "Mar vel", + "FA ULT", + "Ġwind shield", + "Ġ3 36", + "ad ier", + "Ġsw apping", + "Ġflaw less", + "ĠPred ator", + "ĠMiche le", + "Ġprop ulsion", + "ĠPsych ic", + "Ġassign ing", + "Ġfabric ation", + "Ġbar ley", + "l ust", + "Ġtow ering", + "Ġalter cation", + "ĠBent ley", + "Sp here", + "Ġtun a", + "ĠClass es", + "Fre edom", + "un er", + "L ady", + "v oice", + "Ġcool est", + "or r", + "Ġpal p", + "$ {", + "Ġhyster ia", + "ĠMet atron", + "p ants", + "Ġspawn ing", + "Exper ts", + "ĠInvest ors", + "ĠAn archy", + "Ġshr unk", + "ĠVict im", + "Ġ28 9", + "Ġec stasy", + "ĠB inding", + "58 5", + "ĠMel ody", + "57 8", + "ot ally", + "ĠE tsy", + "lig a", + "Ġapplaud ed", + "Ġswe ating", + "Ġredist ributed", + "Ġpop corn", + "Ġsem inal", + "f ur", + "ĠNeuro science", + "R and", + "ĠO st", + "ĠMadd en", + "ĠIncre asing", + "ĠDaw kins", + "ĠSub way", + "Ġar sen", + "cons erv", + "B UR", + "Ġsp iked", + "ĠLy ft", + "ĠImper ium", + "ĠDrop box", + "Ġfav oured", + "Ġencomp asses", + "gh ost", + "Ġins pires", + "Ġbur geoning", + "ĠY oshi", + "ĠVert ical", + "ĠAud itor", + "Ġint ending", + "Ġfilib uster", + "Bl oom", + "f ac", + "ĠCav s", + "ign ing", + "Ġcowork ers", + "ĠBarb arian", + "rem ember", + "FL AG", + "Ġaudit ory", + "ason ry", + "Col lege", + "Ġmut ed", + "gem ony", + "ob in", + "ĠPsych o", + "9 68", + "Ġlav ish", + "Ġhierarch ical", + "ĠDr one", + "ou k", + "Ġcripp led", + "ĠMax im", + "Sl ot", + "Ġqu iz", + "ĠV id", + "if ling", + "Ġarchae ologists", + "Ġabandon ment", + "d ial", + "le on", + "ĠF as", + "T ed", + "Ġr aspberry", + "Ġmaneu vers", + "Ġbehavi ours", + "Ġins ure", + "Ġrem od", + "Sw itch", + "h oe", + "Ġsp aced", + "Ġafford ability", + "ĠF ern", + "not ation", + "ĠBal anced", + "Ġoccup ies", + "en vironment", + "Ġneck lace", + "Ġsed an", + "F U", + "ĠBrav o", + "Ġab users", + "ĠAn ita", + "met adata", + "ĠG ithub", + "ait o", + "ĠF aster", + "ĠWass erman", + "ĠF lesh", + "Ġth orn", + "r arily", + "ĠMer ry", + "w ine", + "Ġpopul ace", + "ĠL ann", + "Ġrepair ing", + "Ġpsy che", + "Ġmod ulation", + "aw aru", + "âĢĭ âĢĭ", + "ari j", + "Ġdecor ations", + "Ġapolog ise", + "ĠG arg", + "app ly", + "Ġgive away", + "ĠFl an", + "ĠWy att", + "U ber", + "Ġauthor ised", + "ĠMor al", + "HAHA HAHA", + "activ ate", + "Ġtorped o", + "ĠF AR", + "Ġam assed", + "ĠA ram", + "ark in", + "ĠVict ims", + "st ab", + "Ġo m", + "ĠE CO", + "Ġopio ids", + "Ġpurpose ly", + "ĠV est", + "Ġer g", + "at an", + "ĠSur gery", + "Ġcorrect ing", + "ĠOrt iz", + "ĠBe et", + "Ġrev oke", + "Ġfre eway", + "ĠH iggins", + "F ail", + "ĠFar ms", + "ĠAT P", + "h ound", + "Ġp oking", + "ĠCommun ists", + "mon ster", + "iment ary", + "Ġunlock ing", + "Ġunf it", + "we ed", + "en ario", + "at ical", + "ĠEnlight enment", + "ĠN G", + "ĠComp ensation", + "de en", + "ĠWid ow", + "ĠCind y", + "ĠAfter wards", + "Ġ6 000", + "ikh ail", + "ag ically", + "Ġrat ified", + "Ġcasual ty", + "H OME", + "p sey", + "f ee", + "Ġspark ling", + "Ġd é", + "Ġconcert ed", + "C atal", + "Ġcomp lying", + "ĠA res", + "ĠD ent", + "Sh ut", + "Ġsk im", + "ad minist", + "Ġhost ilities", + "ĠG ins", + "Ġ6 08", + "Ġm uddy", + "ĠMc Int", + "ĠDec ay", + "5 25", + "Ġconspic uous", + "ĠEx posure", + "Ġresc ind", + "Ġwear able", + "Ġ3 28", + "our met", + "ah s", + "ĠRob ots", + "Ġe clips", + "inst ance", + "ĠRE PORT", + "ĠApp l", + "0 30", + "ĠSk ies", + "01 00", + "Ġfall acy", + "S ocket", + "ĠRece iver", + "Ġsol ves", + "ĠButter fly", + "ĠSho pping", + "ĠFI RE", + "65 4", + "Med ic", + "Ġsing ers", + "ĠNeed less", + "'' ''", + "isher s", + "ĠD ive", + "58 8", + "Ġselect ively", + "Ġcl umsy", + "88 9", + "Ġpurch aser", + "ear ned", + "ard y", + "Ġbenef iting", + "eng lish", + "Ġyield ing", + "ĠP our", + "Ġspin ach", + "Ġdel ve", + "ĠC rom", + "6 10", + "Ġexport ing", + "ĠMA KE", + "Ġ26 3", + "Ġg rop", + "Ġenv oy", + "ĠInqu iry", + "ĠLu igi", + "d ry", + "ĠT uring", + "Thumbnail Image", + "ĠVar iety", + "Ġfac et", + "Ġfl uffy", + "Ġexcerpt s", + "Ġsh orth", + "ĠOl sen", + "CL UD", + "Ġrel iant", + "ĠUN C", + "T our", + "Ġbat hing", + "Comp any", + "Ġglobal ization", + "P red", + "ĠMalf oy", + "Ġh oc", + "j am", + "craft ed", + "ĠBond s", + "ĠKiss inger", + "Eng land", + "Ġorder ly", + "cat entry", + "Ġ26 1", + "Ġexch anging", + "ĠInt ent", + "ĠAmend ments", + "D OM", + "Ġst out", + "³³³³³³³³ ³³³³³³³³", + "ĠAir bus", + "Ġ27 8", + "hy de", + "P oll", + "Item ThumbnailImage", + "Ġlooph oles", + "ĠPill ar", + "Ġexpl or", + "St retch", + "A part", + "Ġun married", + "Lim it", + "ĠTransform ers", + "Ġintellect ually", + "unct ure", + "18 00", + "Ġd arn", + "B razil", + "Ġleft over", + "ber us", + "f red", + "Mine craft", + "3 26", + "ĠForm s", + "Ġproof s", + "ĠDes igned", + "Ġindex es", + "ĠSupp ose", + "EM S", + "ĠL oving", + "ĠBon nie", + "im ating", + "OT US", + "Ġconduct or", + "Ġbehav ed", + "ĠF ren", + "Ġsy nerg", + "Ġmillenn ium", + "Ġcater ing", + "ĠL auder", + "W r", + "ĠY iannopoulos", + "ĠAT F", + "Ġensl aved", + "Ġawaken ed", + "D VD", + "ĠED ITION", + "ĠConc ert", + "ĠChall enger", + "ĠH aku", + "umer ic", + "Ġdep recated", + "ĠSH AR", + "4 12", + "Ġdy stop", + "Ġtremb ling", + "Ġdread ed", + "ĠSp ac", + "p adding", + "Re pl", + "ĠG arrison", + "M ini", + "Ġun paralleled", + "am ar", + "URR ENT", + "w reck", + "c ertain", + "t al", + "ĠC LS", + "app ings", + "Ġsens ed", + "Ġf encing", + "ĠPas o", + "ĠDes k", + "Ġsc off", + "Ġcontem plate", + "ĠL iga", + "l iquid", + "75 7", + "Ġapp rentice", + "ĠUCH IJ", + "5 70", + "ĠTh ousand", + "ĠIll um", + "Ġchampion ed", + "ãĤ Į", + "Ġelect ors", + "Ġ3 98", + "ĠH ancock", + "round ed", + "ĠJ OHN", + "Ġuns atisf", + "Ġqual ifier", + "ĠGad get", + "EN E", + "Ġdead liest", + "ĠPl ants", + "Ġ ions", + "Ġacc ents", + "Ġtwe aking", + "Ġsh aved", + "F REE", + "ĠCh aser", + "Again st", + "9 60", + "Ġmeth amphetamine", + "Ġnormal ized", + "Ġ$ \\", + "ĠPre cision", + "ĠGu am", + "Ġch oked", + "ĠX II", + "ĠCast ing", + "Tor rent", + "Ġscal p", + "ĠJagu ar", + "w it", + "Ġsem ic", + "ix ie", + "ĠG ould", + "Ġconf ines", + "N usra", + "ĠL on", + "ĠJ ugg", + "y cle", + "ĠCod ec", + "E gypt", + "Ġrest rain", + "ĠAl iens", + "Ġch oking", + "ĠD unk", + "ĠBell a", + "ab c", + "Ġsl ang", + "Ġneuro trans", + "s av", + "Ġempower ment", + "â ĨĴ", + "Ġclim bers", + "ĠM im", + "ĠF ra", + "ros se", + "Cap ital", + "ĠCth ulhu", + "Inter face", + "Ġprof icient", + "ĠIN TO", + "Ġ3 18", + "ront al", + "5 80", + "ĠDes pair", + "K enn", + "Ġscrim mage", + "ĠCo at", + "as ions", + "Ġwall paper", + "ĠJ ol", + "Ġresurg ence", + "Ġant iv", + "ĠB alls", + "² ¾", + "Ġbuff ers", + "Ġsub system", + "ĠSt ellar", + "ĠL ung", + "A IDS", + "Ġerad icate", + "Ġblat antly", + "Ġbehav es", + "ĠN un", + "Ġant ics", + "ex port", + "DE V", + "w b", + "Ġph p", + "ĠInteg rity", + "Ġexplore r", + "Ġrev olving", + "auth ored", + "g ans", + "Ġbas k", + "Ġas ynchronous", + "å į", + "TH ING", + "69 8", + "G ene", + "ĠR acer", + "ĠN ico", + "iss ued", + "Ġser mon", + "p ossibly", + "Ġsize of", + "Ġentrepreneur ial", + "ox in", + "ĠMin erva", + "Ġpl atoon", + "n os", + "ri ks", + "A UT", + "ĠAval anche", + "ĠDes c", + "ij 士", + "ĠP oc", + "Ġconf erred", + "Î »", + "Ġpat ched", + "F BI", + "66 2", + "Ġfract ures", + "Ġdetect s", + "Ġded icate", + "Ġconstitu ent", + "Ġcos mos", + "W T", + "Ġswe ats", + "Ġspr ung", + "b ara", + "s olid", + "Ġuns us", + "Ġbul ky", + "ĠPhilipp e", + "ĠFen rir", + "Ġtherap ists", + "ore al", + "^^ ^^", + "Ġtotal ed", + "Ġboo ze", + "ĠR PC", + "Prosecut ors", + "Ġdis eng", + "ĠSh ared", + "Ġmotor cycles", + "Ġinvent ions", + "Ġlett uce", + "ĠMer ge", + "ĠJ C", + "Ġspiritual ity", + "ĠWAR NING", + "Ġunl ucky", + "ĠT ess", + "Ġtong ues", + "ĠD UI", + "T umblr", + "Ġle ans", + "Ġinv aders", + "Ġcan opy", + "ĠHur ricanes", + "ĠB ret", + "ĠAP PLIC", + "id ine", + "ick le", + "Reg arding", + "Ġve ggies", + "Ġe jac", + "ju ven", + "F ish", + "D EM", + "ĠD ino", + "Th row", + "ĠCheck ing", + "be ard", + "( &", + "Ġj ails", + "Ġh r", + "trans fer", + "iv ating", + "Ġfle ets", + "ĠIm ag", + "ĠMc Donnell", + "Ġsnipp et", + "Is a", + "ĠCh att", + "ĠSt ain", + "ĠSet FontSize", + "ĠO y", + "ĠMathemat ics", + "49 4", + "Ġelectro ly", + "ĠG ott", + "ĠBr as", + "B OOK", + "ĠF inger", + "d ump", + "Ġmut ants", + "Ġrent als", + "Ġinter tw", + "Ġc reek", + "ail a", + "Bro ther", + "ĠDisc ord", + "pe e", + "raw ler", + "Ġcar p", + "Ġ27 9", + "ãĤ· ãĥ£", + "rel ations", + "Ġcontr asts", + "Col umn", + "Ġrec onnaissance", + "Ġun know", + "Ġl ooting", + "Ġregul ates", + "Ġopt imum", + "ĠChero kee", + "ĠA ry", + "Lat est", + "Ġroad side", + "Ġd anced", + "ĠUnic orn", + "A cknowled", + "Ġuncont roll", + "ĠM US", + "at io", + "ch ance", + "ha ven", + "VAL UE", + "Ġfavour ites", + "Ġceremon ial", + "b inary", + "pe ed", + "wood s", + "EM P", + "Ġv ascular", + "Ġcontempl ated", + "Ġbar ren", + "ĠL IST", + "Y ellow", + "ospons ors", + "Ġwhisk y", + "ĠM amm", + "ĠDeV os", + "min imum", + "H ung", + "44 2", + "P ic", + "ĠSnap dragon", + "77 6", + "Ġcar ving", + "Ġund ecided", + "Ġadvantage ous", + "Ġpal ms", + "ĠA Q", + "Ġst arch", + "L oop", + "Ġpadd le", + "Ġfl aming", + "ĠHor izons", + "An imation", + "bo ost", + "Ġprob abilities", + "ĠM ish", + "Ġex odus", + "ĠEditor ial", + "Ġfung us", + "Ġdissent ing", + "ĠDel icious", + "rog ram", + "ĠD yn", + "d isk", + "t om", + "Ġfab rics", + "ĠC ove", + "ĠB ans", + "Ġsoft en", + "ĠCON S", + "Ġin eligible", + "Ġestim ating", + "ĠLex ington", + "pract ice", + "of i", + "Ġshe dding", + "ĠN ope", + "Ġbreat hed", + "ĠCorinth ians", + "y ne", + "ek i", + "B ull", + "Ġatt aching", + "reens hots", + "Ġanaly se", + "ĠK appa", + "Ġuns ustainable", + "Ġinter pol", + "ank y", + "he mer", + "Ġprot agonists", + "Ġform atted", + "ĠBry ce", + "ĠAch illes", + "ĠAb edin", + "sh ock", + "Ġb um", + "b os", + "qu a", + "ĠW arn", + "q t", + "ĠDi abetes", + "8 64", + "ĠIn visible", + "Ġvan ish", + "Ġtrans mitting", + "Ġmur ky", + "ĠFe i", + "Ġawa ited", + "ĠJur assic", + "umm ies", + "Ġmen acing", + "g all", + "C ath", + "B uilt", + "ild o", + "ĠV otes", + "Ġon t", + "Ġmun itions", + "ĠFre em", + "ÃŃ n", + "Ġdec ency", + "lo pp", + "ie ved", + "ĠG ord", + "Ġun thinkable", + "ĠNews week", + "Ġ3 21", + "He at", + "Ġpresent er", + "ji ang", + "Ġpl ank", + "ĠAval on", + "Ġben z", + "ĠR out", + "Ġslam ming", + "ĠD ai", + "ou ter", + "ĠCook ie", + "ĠAlic ia", + "ge y", + "Ġvan ity", + "Ġow l", + "á µ", + "t ested", + "ĠAw akens", + "Ġcan v", + "Ġblind ly", + "ĠRid ley", + "ĠEm ails", + "Requ ires", + "ĠSer bian", + "ograp hed", + "if rame", + "eter ia", + "Ġaltern ating", + "qu iet", + "Ġsoc iology", + "ĠUn lock", + "ĠCommun ism", + "Ġo ps", + "Ġatt ribution", + "Ġab duction", + "ĠAb ram", + "Ġsidel ined", + "ĠB OOK", + "Ġref ining", + "ĠFe eling", + "ĠOs lo", + "ĠPru itt", + "r ack", + "ang ible", + "Ġcaut iously", + "ĠM ARK", + "eed s", + "M ouse", + "ĠStep h", + "ĠP air", + "S ab", + "99 7", + "ĠBa al", + "B ec", + "Ġcomm a", + "ĠP all", + "ĠG ael", + "Ġmisunder stand", + "ĠP esh", + "Order able", + "Ġdis mal", + "ĠSh iny", + "% \"", + "Ġreal istically", + "Ġpat io", + "ĠG w", + "ĠVirt ue", + "Ġexhaust ing", + "wh atever", + "oph ys", + "y ip", + "4 18", + "Ad just", + "ĠWa iting", + "ess on", + "ĠMaz da", + "ĠDo zens", + "Ġstream lined", + "Ġincompet ence", + "ĠM eth", + "Ġeth os", + "ON ES", + "Ġincent iv", + "Ġgr itty", + "ĠBut cher", + "Head er", + "Ġexp onential", + "à Ł", + "Ġcorrel ate", + "Ġcons ensual", + "s ounding", + "R ing", + "Orig in", + "Ġcon clusive", + "fe et", + "ac ly", + "ĠF ernandez", + "Buy able", + "Ġd ucks", + "aunt lets", + "Ġel ong", + "Ġ28 6", + "Ġsim ul", + "G as", + "ĠK irst", + "Ġprot r", + "ĠRob o", + "ĠAo E", + "op ol", + "Ġpsych ologically", + "sp in", + "ilater ally", + "ĠCon rad", + "W ave", + "44 1", + "ĠAd vertisement", + "ĠHarm on", + "ĠOri ental", + "is Special", + "Ġpresum ptive", + "Ġw il", + "ĠK ier", + "ne a", + "Ġp pm", + "Ġhar bour", + "ĠW ired", + "comp any", + "Ġcor oner", + "atur days", + "ĠP roud", + "ĠN EXT", + "ĠFl ake", + "val ued", + "ce iver", + "Ġfra ught", + "Ġc asing", + "Ġrun away", + "Ġg in", + "ĠLaure nt", + "ĠHar lem", + "ĠCur iosity", + "qu ished", + "Ġneuro science", + "ĠH ulu", + "Ġborrow er", + "Ġpetition er", + "ĠCo oldown", + "W ARD", + "Ġinv oking", + "conf idence", + "For ward", + "Ġst s", + "pop ulation", + "Delivery Date", + "Fil m", + "ĠC ov", + "quick Ship", + "quickShip Available", + "prim ary", + "isSpecial Orderable", + "inventory Quantity", + "channel Availability", + "BO X", + "ĠMulti player", + "ĠJen ner", + "77 8", + "ĠM d", + "Ġ~ /.", + "M N", + "Ġchild ish", + "Ġantioxid ant", + "ĠChrom ebook", + "Ġ27 4", + "Ġscreen play", + "Ġadvent urous", + "ĠRelations hip", + "respons ive", + "ming ton", + "Ġcorner stone", + "ĠF ey", + "F IR", + "Ġrook ies", + "ĠF eaturing", + "Ġorig inate", + "Ġelectro des", + "ant es", + "Ġscript ures", + "Ġgl ued", + "Ġdiscont ent", + "Ġaff licted", + "lay out", + "B rave", + "Ġm osa", + "ĠQuant ity", + "ĠH ik", + "w inner", + "H ours", + "Ġent ail", + "ĠCell s", + "olog ue", + "Ġv il", + "Ġpre acher", + "Ġdecor ative", + "d ifferent", + "Ġprejud ices", + "ĠSm oking", + "ĠNotting ham", + "so Type", + "Ġrhyth ms", + "ĠAl ph", + "bl ast", + "Ste el", + "ĠDaniel le", + "Ġstr ife", + "Ġrem atch", + "so DeliveryDate", + "ĠF ork", + "t rip", + "ol ulu", + "hes es", + "C G", + "ĠPOLIT ICO", + "ost a", + "ĠDr ift", + "é¾įå ¥", + "é¾įå¥ ij士", + "Ġvet ting", + "ĠJin ping", + "ĠRec ession", + "Min or", + "ĠF raud", + "enf ranch", + "Ġconven ed", + "ĠNA ACP", + "ĠMill ions", + "ĠFarm ing", + "ĠW oo", + "ĠFl are", + "rit o", + "imm igrant", + "Ġvac ancy", + "ĠHE AD", + "ĠV aj", + "eg al", + "ĠV igil", + "Stud y", + "Ġru ining", + "Ġr acks", + "Ġhe ater", + "ĠRand olph", + "ĠBr ush", + "ĠT ir", + "Ø ¨", + "Ġc ov", + "% ]", + "Ġrecount s", + "ĠO PT", + "ĠM elt", + "Ġtr uce", + "Ġcas inos", + "Ġcrus ade", + "Ġcarn age", + "Ġstri pe", + "ĠK yl", + "Text ures", + "Ġ6 98", + "Ġpro clamation", + "Ġgood ies", + "Ġ........ ..", + "pro claimed", + "P olit", + "Ġtop ical", + "Ġspecial ize", + "ĠA min", + "g m", + "Ġanch ored", + "Ġbear ings", + "s ample", + "ĠHigh land", + "ĠAut ism", + "Ġmerc enary", + "Ġinterview er", + "L ER", + "ĠSom ers", + "Ġembry o", + "ĠAss y", + "Ġ28 1", + "ĠEd iting", + "ĠCh osen", + "6 60", + "Ġp ci", + "ĠThunder bolt", + "BI LL", + "Ġchuck led", + "jri wal", + "h of", + "Ġearth ly", + "() {", + "ind ependence", + "Ġdisp ers", + "ĠV endor", + "ĠG areth", + "Ġp als", + "P enn", + "ĠSub mit", + "ic um", + "Th u", + "Ġcl andestine", + "Ġcann ibal", + "ĠCl erk", + "E Stream", + "gal itarian", + "âĻ ¥", + "g ew", + "Ġhor rend", + "ĠL ov", + "ĠRe action", + "ocr in", + "Class ic", + "Ġecho ing", + "Ġdiscl osing", + "ĠIns ight", + "og un", + "ĠInc arn", + "upload s", + "pp erc", + "guy en", + "Ġ19 01", + "ĠB ars", + "68 7", + "Ġb ribes", + "ĠFres no", + "ur at", + "ĠRe ese", + "Ġintr usive", + "Ġgri pping", + "ĠBlue print", + "ĠR asm", + "un ia", + "man aged", + "ĠHeb do", + "Ġ3 45", + "Ġdec oding", + "Ġpo ets", + "Ġj aws", + "ĠF IGHT", + "am eless", + "ĠMead ows", + "ĠHar baugh", + "Inter view", + "ĠH osp", + "ĠB RA", + "Ġdelet ion", + "m ob", + "W alker", + "ĠMoon light", + "ĠJ ed", + "ĠSoph ia", + "Ġus ur", + "Ġfortun ately", + "ĠPut ting", + "ĠF old", + "Ġsan itation", + "Ġpart isans", + "IS ON", + "B ow", + "ĠCON C", + "ĠRed uced", + "ĠS utton", + "Ġtouch screen", + "Ġembry os", + "âĢ¢âĢ¢ âĢ¢âĢ¢", + "ĠK rug", + "com bat", + "ĠPet roleum", + "Ġam d", + "ĠCos mos", + "Ġpresc ribing", + "Ġconform ity", + "ours es", + "Ġplent iful", + "Ġdis illusion", + "ĠEc ology", + "itt al", + "Ġf anc", + "Ġassass inated", + "regn ancy", + "Ġperenn ial", + "ĠBul lets", + "Ġst ale", + "Ġc ached", + "ĠJud ith", + "ĠDise ases", + "All en", + "Ġl as", + "Ġsh ards", + "ĠSu arez", + "ĠFriend ship", + "inter face", + "ĠSupp orters", + "add ons", + "46 2", + "ĠIm ran", + "ĠW im", + "Ġnew found", + "ĠM b", + "An imal", + "Ġd arling", + "and e", + "Ġrh y", + "ĠTw isted", + "pos al", + "yn ski", + "Var ious", + "× ľ", + "ĠK iw", + "uy omi", + "Ġwell being", + "ĠL au", + "an os", + "Ġunm ist", + "Ġmac OS", + "Ġrest room", + "ĠOl iv", + "ĠAir ways", + "Ġtimet able", + "9 80", + "Ġrad ios", + "v oy", + "ias co", + "Ġcloud y", + "ĠDraw ing", + "Any thing", + "Sy ria", + "ĠH ert", + "st aking", + "Ġun checked", + "Ġb razen", + "ĠN RS", + "69 7", + "onom ic", + "est ablish", + "Ġl eng", + "Ġdi agonal", + "ĠF ior", + "L air", + "ĠSt ard", + "Ġdef icient", + "jo ining", + "be am", + "Ġomn ip", + "Ġbl ender", + "Ġsun rise", + "Mo ore", + "ĠF ault", + "ĠCost ume", + "ĠM ub", + "Fl ags", + "an se", + "Ġpay out", + "ĠGovern ors", + "ĠD illon", + "ĠBan ana", + "N ar", + "Ġtra iled", + "Ġimperial ist", + "um ann", + "ats uki", + "4 35", + "ĠRoad s", + "Ġsl ur", + "ĠIde ally", + "Ġt renches", + "C trl", + "Ġmir rored", + "ĠZ el", + "ĠC rest", + "Comp at", + "ĠRoll s", + "sc rib", + "ĠTra ils", + "omet ers", + "w inter", + "Ġimm ortality", + "il ated", + "Ġcontrad icts", + "un iversal", + "ill ions", + "ĠM ama", + "opt im", + "AT URE", + "Ġge o", + "et ter", + "ĠCar lo", + "4 24", + "Ġcanon ical", + "ĠStrongh old", + "n ear", + "Ġperf ume", + "Ġorche stra", + "od iac", + "Ġup he", + "Ġreign ing", + "vers ive", + "Ġc aucuses", + "ĠD EM", + "Ġinsult ed", + "Ġ---- --", + "ĠCr ush", + "Ġroot ing", + "ĠWra ith", + "Ġwh ore", + "Ġto fu", + "C md", + "ĠB ree", + "Ġ$ _", + "Ġr ive", + "ĠAd vertising", + "Ġw att", + "ĠH O", + "Ġpersu asive", + "ĠParam eters", + "Ġobserv ational", + "ĠN CT", + "ĠMo j", + "ĠSal on", + "Ġtr unc", + "Ġexqu isite", + "ĠMar a", + "Ġpo op", + "ĠAN N", + "Ex c", + "ĠWonder ful", + "ĠT aco", + "Ġhome owner", + "ĠSmith sonian", + "orpor ated", + "mm mm", + "Ġlo af", + "ĠYam ato", + "ĠInd o", + "Ġcl inging", + "á s", + "Ġimm utable", + "h ub", + "Or ange", + "Ġfingert ips", + "ĠWood en", + "ĠK idd", + "ĠJ PM", + "ĠDam n", + "C ow", + "c odes", + "48 2", + "Ġiniti ating", + "ĠEl k", + "ĠCut ting", + "Ġabsent ee", + "ĠV ance", + "ĠLil ith", + "G UI", + "Ġobsc ured", + "Ġdwar ves", + "ĠCh op", + "ĠB oko", + "Val ues", + "Ġmult imedia", + "Ġbrew ed", + "Reg ular", + "CRIP TION", + "ĠMort al", + "Ġa pex", + "Ġtravel er", + "Ġbo ils", + "Ġspray ing", + "Rep resent", + "ĠStars hip", + "4 28", + "Ġdisappro val", + "Ġshadow y", + "Ġlament ed", + "ĠRe place", + "ĠFran ç", + "67 7", + "d or", + "Ġunst oppable", + "Ġcoh orts", + "gy n", + "ĠClass ics", + "ĠAm ph", + "Ġsl uggish", + "ĠAdd iction", + "ĠPad res", + "Ġins cription", + "Ġin human", + "min us", + "ĠJere miah", + "at ars", + "Ter ror", + "ĠT os", + "ĠSh arma", + "ast a", + "c atch", + "Ġpl umbing", + "ĠTim bers", + "Sh ar", + "H al", + "ĠO sc", + "Ġcou pling", + "hum ans", + "Ġsp onge", + "Ġid ols", + "ĠSp a", + "ĠAdv ocate", + "ĠBe ats", + "lu a", + "Ġtick ing", + "Ġload er", + "ĠG ron", + "8 10", + "Ġstim ulated", + "Ġside bar", + "ĠManufact urer", + "ore And", + "19 73", + "Ġpra ises", + "ĠFl ores", + "dis able", + "ĠElect rical", + "ra ise", + "E th", + "Ġmigr ated", + "Ġlect urer", + "K ids", + "ĠCa vern", + "Ġk ettle", + "Ġgly c", + "ĠMand ela", + "ĠF ully", + "å§ «", + "FIN EST", + "Ġsquee zing", + "ĠRy der", + "amp oo", + "oreAnd Online", + "Inst oreAndOnline", + "Buyable InstoreAndOnline", + "Ġcommem orate", + "ĠRamp age", + "Aust in", + "ĠSh roud", + "ĠRu ins", + "9 15", + "ĠK H", + "Ġwater front", + "ĠE SC", + "b aby", + "ĠC out", + "ĠEm blem", + "Ġequival ents", + "49 2", + "Un ique", + "ĠNiet zsche", + "brow ser", + "Ġim itation", + "ĠWere wolf", + "ĠKir in", + "ac as", + "' ,\"", + "Ġà ¾", + "Review ed", + "Ġc unt", + "Ġvo ic", + "ĠLen ovo", + "Ġbond ed", + "48 1", + "Ġinhib itors", + "Ġendeav ors", + "ĠHav ana", + "ĠSt out", + "ĠJ olly", + "A ctor", + "*/ (", + "Ġoccur rences", + "ĠT ens", + "Incre ased", + "ĠACT ION", + "Ġ ãĢĮ", + "ĠRank ings", + "ĠB reat", + "Ġ30 9", + "D ou", + "Ġimpact ing", + "ĠDuc hess", + "pre fix", + "Q B", + "Ġsummon ing", + "Ġbest owed", + "ĠKe pler", + "ĠPOW ER", + "c ube", + "ĠK its", + "ĠG rip", + "Ġop ium", + "Ġrep utable", + "t oc", + "ich ael", + "ĠR ipple", + "Ġcaf é", + "ĠZ oom", + "ĠBur ma", + "Ġwa ive", + "Ġst alls", + "Ġdem eanor", + "inc erity", + "Ġfluor ide", + "ĠSH OULD", + "Par is", + "Ġlong ing", + "Ġpl at", + "Ġgross ly", + "Ġbull s", + "Ġshowc asing", + "ex pected", + "ĠG addafi", + "engine ering", + "Re peat", + "ĠK ut", + "Ġconce ivable", + "Ġtrim med", + "osc ope", + "ĠCand idate", + "ĠT ears", + "rol og", + "Lew is", + "S UP", + "Ġroad map", + "Ġsal iva", + "Ġtrump et", + "Jim my", + "Ġmirac ulous", + "Ġcolon ization", + "Ġam put", + "ĠGN OME", + "ate ch", + "D ifferent", + "ĠE LE", + "ĠGovern ments", + "ĠA head", + "ãħĭ ãħĭ", + "word press", + "L IB", + "ĠIn clude", + "ĠDor othy", + "0 45", + "ĠColomb ian", + "Ġle ased", + "88 4", + "Ġde grading", + "ĠDa isy", + "i ations", + "Ġbapt ized", + "Ġsurn ame", + "co x", + "Ġblink ed", + "ãĥ ¢", + "Ġpoll en", + "Ġder mat", + "Ġre gex", + "ĠNich olson", + "ĠE ater", + "ç ľ", + "rad or", + "Ġnarrow er", + "Ġhur ricanes", + "Ġhalluc inations", + "r idden", + "ISS ION", + "ĠFire fly", + "Ġattain ment", + "Ġnom inate", + "Ġav ocado", + "ĠM eredith", + "Ġt s", + "Ġreve rence", + "Ġe uph", + "Ġcr ates", + "ĠT EXT", + "Ġ4 43", + "Ġ3 19", + "J SON", + "iqu ette", + "Ġshort stop", + "ic key", + "Ġpro pelled", + "Ġap i", + "ĠTh ieves", + "77 9", + "Ġovers aw", + "Ġcol i", + "ĠNic ola", + "Ġover cl", + "ik awa", + "ĠC yr", + "Ġ38 4", + "78 9", + "ĠAll ows", + "10 27", + "Det roit", + "TR Y", + "set up", + "ĠSocial ism", + "Sov iet", + "s usp", + "ĠAP R", + "ĠShut down", + "Ġal uminium", + "zb ek", + "ĠL over", + "GGGG GGGG", + "Ġdemocr acies", + "Ġ19 08", + "ĠMer rill", + "ĠFranco is", + "gd ala", + "Ġtraff ickers", + "ĠT il", + "ĠGo at", + "Ġsp ed", + "ĠRes erv", + "Ġpro d", + "55 2", + "Ġc ac", + "ĠUn iv", + "ĠSch we", + "Ġsw irling", + "ĠWild erness", + "ĠEgg s", + "Ġsadd ened", + "Ġarch aic", + "H yd", + "Ġexcess ively", + "B RE", + "Ġaer ospace", + "ĠVo ices", + "Cra ig", + "Ġign ited", + "In itially", + "ĠMc A", + "Ġhand set", + "Ġreform ing", + "Ġfrust rations", + "ĠDead pool", + "ĠBel ichick", + "ract or", + "ĠRagnar ok", + "ĠD rupal", + "ĠApp roximately", + "19 20", + "ĠHub ble", + "arm or", + "ĠSar as", + "ĠJon as", + "Ġnostalg ic", + "Ġfeas ibility", + "Sah aran", + "Ġorb iting", + "Ġ9 70", + "R u", + "Ġsh in", + "ĠInvestig ators", + "Ġinconsist encies", + "ĠP AN", + "B G", + "Ġgraz ing", + "Ġdetect ors", + "ĠStart up", + "ĠFun ny", + "ĠNa omi", + "Consider ing", + "Ġh og", + "ut f", + "ce mic", + "Ġfort ified", + "ĠFun ctions", + "Ġcod ec", + "nut rition", + "H at", + "\" !", + "micro soft", + "55 8", + "ĠTh in", + "ĠA CE", + "Al ias", + "ĠO PS", + "p apers", + "P K", + "ãĢ İ", + "Ġimpro bable", + "N orthern", + "equ al", + "Ġlook out", + "Ġty res", + "ĠMod ified", + "ĠK op", + "Abs olutely", + "Ġbuild up", + "sil ver", + "Ġaud i", + "Ġgro tesque", + "ĠSab er", + "ĠPres byter", + "ON Y", + "Ġglac iers", + "ĠSho als", + "ĠK ass", + "ĠH RC", + "ĠNic ol", + "ĠL unch", + "ĠF oss", + "âĸ Ĵ", + "AD RA", + "ĠOne Plus", + "o ing", + "ground s", + "Ġincident al", + "Ġdatas ets", + "68 9", + "ĠClarks on", + "Ġassemb ling", + "ĠCorrect ions", + "Ġdrink ers", + "Ġqual ifiers", + "Ġle ash", + "Ġunf ounded", + "ĠH undred", + "Ġkick off", + "T i", + "Ġrecon cil", + "ĠGr ants", + "ĠCompl iance", + "ĠDexter ity", + "Ġ19 06", + "w arn", + "D allas", + "Max imum", + "n ard", + "av ia", + "be aut", + "ens itivity", + "tr ace", + "Ġpione ers", + "ĠF ract", + "ãĢ ı", + "Ġpre cept", + "Ġgloss y", + "ĠI EEE", + "Ac ross", + "Ġ6 80", + "S leep", + "che on", + "Ġsatir ical", + "ĠMin otaur", + "ĠCla ude", + "Ġr é", + "ape go", + "Ġcar rot", + "ĠSem in", + "ino a", + "Ġz o", + "Ind ependent", + "Ġdiagn oses", + "ĠC ue", + "M AR", + "Ġrend ition", + "ĠK ik", + "Ġpath ology", + "Ġselect s", + "Link edIn", + "Ġass ay", + "ĠD res", + "Ġtext ual", + "post ed", + "IT AL", + "ĠM aul", + "N eal", + "Ġinter connected", + "Ġerr atic", + "ĠVir us", + "Ġ5 30", + "Ġenvironmental ists", + "ĠP helps", + "Ġeng agements", + "ĠIN ST", + "Ġeconom ical", + "nox ious", + "Ġg earing", + "izz y", + "Ġfavor ably", + "ĠMcG ill", + "T erm", + "Ġh anged", + "Ġball park", + "ĠRe yes", + "Ġbe ware", + "ĠP sal", + "ĠMass acre", + "q i", + "Ġin accessible", + "acly sm", + "Ġfr ay", + "ill ac", + "Ġbitter ly", + "ĠCert ification", + "Mich igan", + "Ġir respective", + "al ore", + "Em pty", + "Ġendorse ments", + "Ġund et", + "f g", + "equ ipped", + "Ġmerc iless", + "ĠC ust", + "Ġimm ature", + "Ġvou cher", + "ĠBlack well", + "Ñ ı", + "h awk", + "dis ciplinary", + "ile e", + "ĠMak oto", + "ĠD ude", + "ãĥĩ ãĤ£", + "Y ears", + "Ġin ver", + "Ġsh aman", + "ĠY ong", + "ip el", + "ell en", + "ĠCath y", + "br ids", + "Ġs arc", + "65 1", + "N ear", + "Ġground work", + "Ġam az", + "Ġ4 15", + "ĠHunting ton", + "hew s", + "ĠB ung", + "Ġarbit rarily", + "ĠW it", + "ĠAl berto", + "Ġdis qualified", + "best os", + "46 1", + "Ġp c", + "Ġ28 4", + "ro bat", + "Rob in", + "Ġh ugs", + "ĠTrans ition", + "ĠOcc asionally", + "Ġ3 26", + "ĠWh ilst", + "ĠLe y", + "Ġspaces hip", + "cs v", + "Ġun successfully", + "ĠA u", + "le ck", + "ĠWing ed", + "ĠGrizz lies", + ". �", + "Ġne arer", + "ĠSorce ress", + "ĠInd igo", + "El se", + "8 40", + "let es", + "Co ach", + "Ġup bringing", + "ĠK es", + "Ġseparat ist", + "Ġrac ists", + "Ġch ained", + "Ġabst inence", + "lear ning", + "Ġrein stated", + "Ġsymm etry", + "Ġremind ers", + "ĠChe vy", + "Ġm ont", + "Ġexempl ary", + "ĠT OR", + "Z X", + "Ġqual itative", + "ĠSt amp", + "ĠSav annah", + "ĠRoss i", + "Ġp aed", + "Ġdispens aries", + "ĠWall s", + "ĠCh ronic", + "Ġcompliment ary", + "ĠBeir ut", + "Ġ+ ---", + "igs list", + "Ġcrypt ographic", + "mas ters", + "ĠCap itals", + "Ġmax imal", + "Ġent ropy", + "Point s", + "Ġcombat ants", + "l ip", + "ĠGl ob", + "ĠB MC", + "ph ase", + "th ank", + "HT TP", + "Ġcomm uter", + "Ġ\\( \\", + ".. /", + "ĠReg ener", + "ĠDO I", + "ĠActiv ision", + "Ġsl it", + "os al", + "RE M", + "Ġch ants", + "Y u", + "Ke ys", + "Bre xit", + "ĠFor ced", + "Ari zona", + "Ġsquad ron", + "IS O", + "ĠMal one", + "Ġ3 38", + "Ġcontrast ing", + "Ġt idal", + "Ġlib el", + "Ġimpl anted", + "Ġupro ar", + "ĠC ater", + "Ġpropos itions", + "M anchester", + "ĠEuro s", + "it amin", + "G il", + "ĠEl ven", + "ĠSe ek", + "ĠB ai", + "Ġredevelop ment", + "ĠTown s", + "ĠL ub", + "! \",", + "al on", + "K rist", + "Ġmeas urable", + "Ġimagin able", + "Ġapost les", + "Y N", + "7 60", + "Ġster oid", + "Ġspecific ity", + "ĠL ocated", + "ĠBeck er", + "ĠE du", + "ĠDiet ary", + "uts ch", + "ĠMar ilyn", + "Ġbl ister", + "ĠM EP", + "ĠK oz", + "ĠC MS", + "y ahoo", + "ĠCar ney", + "Ġbo asting", + "ĠC aleb", + "By te", + "read s", + "ad en", + "Pro blem", + "ĠWood ward", + "S we", + "S up", + "ĠK GB", + "Set up", + "Ġtac it", + "Ġret ribution", + "Ġd ues", + "ĠM ü", + ". ?", + "ä¸ Ń", + "p ots", + "Ġcame o", + "ĠP AL", + "educ ation", + "A my", + "like ly", + "g ling", + "Ġconstitution ally", + "ĠHam m", + "ĠSpe ak", + "Ġwid gets", + "br ate", + "Ġcra ppy", + "ĠI ter", + "Ġanticip ating", + "ĠB out", + "P ixel", + "ĠY ep", + "ĠLaur ie", + "Ġh ut", + "Ġbullet in", + "ĠSal vation", + "Ġch ats", + "ear able", + "Honest ly", + "AL TH", + "onse qu", + "c ult", + "isco very", + "ovy ch", + "Ġse lves", + "ĠSat oshi", + "S ounds", + "Ġconver gence", + "ĠRosen berg", + "19 74", + "Ġnas al", + "Ġfull est", + "Ġfer ocious", + "x us", + "ist e", + "AM S", + "Ġlobb ied", + "Ġso othing", + "ĠGun n", + "t oday", + "0 24", + "Ġinspir ational", + "ĠN BN", + "p b", + "g ewater", + "or ah", + "all owed", + "ĠCol iseum", + "Ġspecial izing", + "Ġinsane ly", + "ĠT ape", + "del ay", + "Ġt arn", + "ĠP ound", + "Ġmel anch", + "Ġdeploy ments", + "il and", + "Ġless en", + "Ġfur ry", + "ĠUE FA", + "Ġblood shed", + "ĠMe ier", + "ither ing", + "Ġhe irs", + "ĠJ aw", + "ax ter", + "ĠPublic ations", + "Ġal ters", + "int ention", + "ĠWinc hester", + "d etermination", + "ĠLif etime", + "th in", + "Mon ster", + "7 80", + "Ġapprox imation", + "Ġsuper markets", + "ĠSecond s", + "or os", + "h uge", + "Ġb ribe", + "ĠLIM ITED", + "un ed", + "Ġmis interpret", + "ĠIn jury", + "Ġ3 67", + "Ġthreshold s", + "ĠCarn ival", + "Ġgastro intestinal", + "Ġguid eline", + "Ġde ceived", + "f eatures", + "Ġpurported ly", + "ĠRon nie", + "ĠNew t", + "Ġsp acious", + "as us", + "Ġsuperhero es", + "ĠCyn thia", + "le gged", + "k amp", + "ch io", + "Ġth umbnail", + "ĠShir ley", + "ill ation", + "Ġshe ds", + "ĠZ y", + "E PA", + "Ġdam s", + "Ġy awn", + "n ah", + "ĠPe ggy", + "ĠE rie", + "ĠJu ventus", + "ĠF ountain", + "r x", + "don ald", + "al bum", + "ĠComp rehensive", + "Ġc aching", + "ĠU z", + "ulner ability", + "ĠPrinc iple", + "ĠJ ian", + "ing ers", + "cast s", + "ĠOs iris", + "ch art", + "t ile", + "ĠTiff any", + "ĠPatt on", + "ĠWh ip", + "Ġovers ized", + "J e", + "ĠCind erella", + "ĠB orders", + "ĠDa esh", + "M ah", + "Ġdog ma", + "Ġcommun ists", + "v u", + "Coun cil", + "Ġfresh water", + "Ġw ounding", + "Ġdeb acle", + "Ġyoung ster", + "Ġthread ed", + "ĠB ots", + "ĠSav ings", + "ãģ Ĥ", + "ol ing", + "oh o", + "Ġillum ination", + "M RI", + "Ġlo osen", + "tr ump", + "ag ency", + "ur ion", + "Ġmoment arily", + "ĠCh un", + "ĠBud apest", + "ĠAl ley", + "D isk", + "Ġaston ished", + "ĠCon quer", + "ĠAccount ing", + "h aving", + "ĠWe in", + "ĠAl right", + "Ġrev olver", + "Ġdel usion", + "Ġrelic s", + "Ġad herent", + "qu ant", + "Ġhand made", + "or io", + "Ġcomb ating", + "c oded", + "Ġquad ru", + "re th", + "N ik", + "ĠTrib al", + "ĠMyster ious", + "Ġin hal", + "ĠWin ning", + "ĠClass ification", + "ch anged", + "Ġun ab", + "Ġsc orn", + "icip ated", + "w l", + "ond uctor", + "Ġrein forcing", + "ĠChild hood", + "an ova", + "Ġadventure r", + "Ġdoctor al", + "ĠStrateg ies", + "Ġengulf ed", + "ĠEnc ounter", + "Ġl ashes", + "Crit ical", + "ric ular", + "ĠU TF", + "oci ation", + "check ing", + "ĠConsult ing", + "Run time", + "per iod", + "ĠAs gard", + "Ġdist illed", + "ĠPas adena", + "ĠD ying", + "ĠCOUN TY", + "Ġgran ite", + "Ġsm ack", + "Ġparach ute", + "ĠS UR", + "Virgin ia", + "ĠF urious", + "78 7", + "ĠO kin", + "Ġcam el", + "ĠM bps", + "19 72", + "ĠCh ao", + "ĠC yan", + "j oice", + "ef er", + "ĠW rap", + "ĠDeb ate", + "S eg", + "Ġfore arm", + "ĠIgn ore", + "Ġtim estamp", + "Ġprob ing", + "ĠNo on", + "ĠGra il", + "f en", + "Ġdorm ant", + "ĠFirst ly", + "ĠE ighth", + "ĠH UN", + "ĠDes ire", + "or as", + "Girl s", + "ĠDes mond", + "z ar", + "am ines", + "O AD", + "exec ute", + "Ġbo obs", + "ĠAT L", + "_ (", + "Chel sea", + "Ġmasturb ation", + "ĠCo C", + "Ġdestroy er", + "ĠCh omsky", + "Ġsc atter", + "ĠAss ets", + "79 6", + "ĠC argo", + "Ġrecept ive", + "ĠSc ope", + "Ġmarket ers", + "Ġlaun chers", + "Ġax le", + "ĠSE A", + "se q", + "ĠM off", + "f inding", + "ĠGib bs", + "Georg ia", + "extreme ly", + "N J", + "Ġlab orers", + "st als", + "Ġmed iation", + "ĠH edge", + "at own", + "Ġi od", + "des pite", + "v ill", + "J ane", + "ex istence", + "Ġcoinc ided", + "ĠUt ilities", + "ĠChe ap", + "Ġlog istical", + "Ġcul mination", + "ĠNic otine", + "p ak", + "F older", + "Ġrod ents", + "st uff", + "Ġlaw fully", + "Ġreper to", + "io ch", + "j j", + "Dial ogue", + "HH HH", + "lic tion", + "Look s", + "Ġ29 7", + "Ġtur rets", + "ĠAb andon", + "Ġinc ess", + "ĠTraff ord", + "Ġcur led", + "Ġprefer ring", + "Ġprivat ization", + "Ġir resist", + "ĠP anda", + "ĠSh ake", + "ĠMc Gr", + "ãĥ Ħ", + "und ers", + "Ġdiscrim inated", + "Ġbart ender", + "I LE", + "Atl antic", + "Ġprop ensity", + "ĠW iz", + "ĠG im", + "con ference", + "Ġrein forces", + "G h", + "w agon", + "Ġe erie", + "F al", + "Ġhug ged", + "rac ist", + "R IC", + "F u", + "Ġf iller", + "ĠSt ub", + "Ġeng raved", + "ĠWrest le", + "Ġimagin ative", + "ĠPe er", + "ĠFact ors", + "an us", + "ĠDrac ula", + "mon itor", + "Ġrou ters", + "ib ia", + "ĠBoo lean", + "end ale", + "ĠSl aughter", + "ĠSh ack", + "R FC", + "ĠSpiel berg", + "S ax", + "ĠPH OTO", + "ĠCl over", + "ĠR ae", + "Dep ending", + "ĠMem or", + "ar am", + "Ġpier ced", + "Ġcur tains", + "v ale", + "ĠInqu isition", + "ĠP oke", + "Ġforecast ing", + "Ġcompl ains", + "S ense", + "ĠHer mes", + "isc overed", + "Ġb ible", + "ĠMor ph", + "Ġg erm", + "78 5", + "D ON", + "Ġcon gen", + "Ġcr ane", + "ĠD PR", + "Ġrespect fully", + "R oom", + "ĠN aw", + "ĠDal ai", + "re ason", + "ĠAng us", + "Educ ation", + "ĠTitan ic", + "Ë ľ", + "Ġo val", + "un ited", + "Ġthird s", + "Ġmoist ur", + "ĠC PC", + "M iami", + "Ġtent acles", + "ĠPol aris", + "ex c", + "ex clusive", + "ĠPra irie", + "Ġcol ossal", + "ĠBl end", + "sur prisingly", + "ÃŃ s", + "Ġindo ctr", + "Ġbas al", + "ĠMP EG", + "und o", + "Spl it", + "Develop ment", + "Ġlan tern", + "19 71", + "Ġprov ocation", + "Ġang uish", + "ĠB ind", + "ĠLe ia", + "duc ers", + "ipp y", + "conserv ancy", + "Ġinitial ize", + "ĠTw ice", + "ĠSu k", + "Ġpred ic", + "Ġdi ploma", + "Ġsoc iop", + "Ing redients", + "Ġhamm ered", + "ĠIr ma", + "Q aida", + "Ġglim ps", + "ĠB ian", + "Ġst acking", + "Ġf end", + "gov track", + "Ġun n", + "dem ocratic", + "ig ree", + "Ġ5 80", + "Ġ29 4", + "Ġstraw berry", + "ID ER", + "Ġcher ished", + "ĠH ots", + "Ġinfer red", + "Ġ8 08", + "ĠS ocrates", + "O regon", + "ĠR oses", + "ĠFO IA", + "Ġins ensitive", + "Ġ40 8", + "Recomm end", + "ĠSh ine", + "Ġpain staking", + "UG E", + "ĠHell er", + "ĠEnter prises", + "I OR", + "ad j", + "N RS", + "L G", + "Ġalien ated", + "Ġacknowled gement", + "ĠA UD", + "ĠRen eg", + "Ġvou chers", + "Ġ9 60", + "Ġm oot", + "ĠDim ensions", + "Ġc abbage", + "B right", + "g at", + "ĠK lu", + "Ġlat ent", + "Ġz e", + "ĠM eng", + "Ġdis perse", + "Ġpand emonium", + "H Q", + "Ġvirt uous", + "ĠLoc ations", + "ee per", + "prov ided", + "Ġse ams", + "ĠW T", + "iz o", + "PR OV", + "Ġtit anium", + "Ġrecol lection", + "Ġcr an", + "Ġ7 80", + "ĠN F", + "49 1", + "64 2", + "p acking", + "59 8", + "text ure", + "Sp ider", + "fre edom", + "cipl ed", + "ĠTAM ADRA", + "âĻ ¦", + "aut hent", + "ĠW ANT", + "r ified", + "Ġr ites", + "Ġuter us", + "k iss", + "Ġâī ¤", + "Ġsk illet", + "Ġdis enfranch", + "ĠGa al", + "Comp an", + "Ġage ing", + "gu ide", + "B alt", + "Ġiter ator", + "Ġdiscretion ary", + "t ips", + "Ġprim ates", + "ĠTechn ique", + "ĠPay ments", + "az el", + "ĠR OCK", + "stant ial", + "0 60", + "Ġd mg", + "ĠJack ets", + "ĠPlay off", + "Ġnurs ery", + "ĠSy mb", + "art on", + "Ġannex ation", + "Color ado", + "Ġco ils", + "ĠSh oes", + "âĦ¢ :", + "ĠRo z", + "COM PLE", + "ĠEve rest", + "ĠTri umph", + "J oy", + "G rid", + "à ¼", + "process or", + "ĠPros per", + "ĠSever us", + "ĠSelect ed", + "r g", + "ĠTay yip", + "St ra", + "Ġski ing", + "Ġ? )", + "Ġpe g", + "Tes la", + "Ġtime frame", + "Ġmaster mind", + "ĠN B", + "scient ific", + "ĠSh it", + "gener ic", + "IN TER", + "N UM", + "Ġst roll", + "ĠEn ix", + "ĠM MR", + "ĠE MS", + "m ovie", + "Ĥ ª", + "Ġminim izing", + "idd ling", + "Ġilleg itimate", + "Ġprot otyp", + "Ġpremature ly", + "Ġmanual s", + "obb ies", + "ĠCass idy", + "D EC", + "des ktop", + "Ġaer os", + "Ġscreen ings", + "Ġdeb ilitating", + "ĠGr ind", + "nature conservancy", + "Ġf ades", + "ter mination", + "assets adobe", + "F actor", + "Ġdefinitive ly", + "P oké", + "ap ult", + "ĠLaf ayette", + "C orn", + "ĠCor al", + "Ġstagn ant", + "T ue", + "Ġdissatisf action", + "G ender", + "Ġkid neys", + "ĠG ow", + "ĠDef eat", + "ĠAsh ton", + "Ġcart els", + "Ġfore closure", + "ĠExpl ore", + "stre ngth", + "ot in", + "Ġveterin arian", + "Ġf umble", + "Ġpar ap", + "ĠSt rait", + "r ils", + "Ġpr ick", + "ĠBerm uda", + "ĠAm munition", + "skin ned", + "Ġab ound", + "ĠB raz", + "Ġshar per", + "ĠAsc ension", + "Ġ9 78", + "Ġpreview s", + "Ġcommun ion", + "ĠX Y", + "Ġph ony", + "Ġnewcom er", + "Ġ3 32", + ".\" ,\"", + "Ġredist ribution", + "Prot ect", + "ĠSo f", + "K al", + "Ġlip stick", + "w orst", + "Ġtang led", + "Ġretrospect ive", + "int eger", + "Ġvolunte ering", + "Ġ19 07", + "Ġ --------------------", + "ic hen", + "Ġunve iling", + "Ġsen seless", + "Ġfisher ies", + "\\ -", + "Ġh inges", + "Ġcalcul us", + "My th", + "Ġund efeated", + "Ġoptim izations", + "Ġdep ress", + "Ġbill board", + "ĠY ad", + "ĠPy ramid", + "Is n", + "I de", + "Ġleg ion", + "ĠK ramer", + "ent anyl", + "Ġpenet rating", + "ĠHaw th", + "ĠPR ODUCT", + "ĠGer ard", + "ĠP act", + "ĠIn cluding", + "ĠEl ias", + "ĠEl aine", + "vis ual", + "Ġhum ming", + "Ġcond esc", + "ĠF asc", + "ä¸ Ĭ", + "Ġe galitarian", + "Ġdev s", + "ĠD ahl", + "O ps", + "D H", + "ĠB ounce", + "id ated", + "ald o", + "Ġrepublic an", + "Ġh amb", + "ĠS ett", + "ograph ies", + "CH APTER", + "Ġtrans sexual", + "Ġsky rocket", + "ans wer", + "Ġmark up", + "Ø ª", + "Ġhero ine", + "Comp are", + "ĠT av", + "Be ast", + "Ġsuccess ors", + "Ġna ïve", + "ĠBuck ley", + "st ress", + "me at", + "Ġdownload able", + "Ġindex ed", + "Ġsc aff", + "ĠL ump", + "ĠHom o", + "Stud io", + "In sp", + "Ġr acked", + "far ious", + "ĠPet ty", + "Ex ternal", + "Ġ19 09", + "W ars", + "com mit", + "put ers", + "Ġun ob", + "ĠEr r", + "ĠE G", + "ĠAl am", + "ĠSiber ia", + "ĠAtmosp heric", + "IS TER", + "ĠSatan ic", + "trans lation", + "ĠL oud", + "tra umatic", + "l ique", + "Ġreson ate", + "ĠWel ch", + "Ġspark ing", + "ĠT OM", + "t one", + "Ġout l", + "Ġhandc uffed", + "ĠSer ie", + "8 01", + "Ġland marks", + "ĠRee ves", + "Ġsoft ened", + "Ġdazz ling", + "ĠW anted", + "month s", + "Mag ikarp", + "Ġunt reated", + "ĠBed ford", + "M i", + "ĠDynam o", + "O re", + "79 5", + "Ġwrong ful", + "Ġl ured", + "Ġcort isol", + "Ġve x", + "d rawn", + "ile t", + "Download ha", + "ĠF action", + "Ġlab yrinth", + "Ġhij acked", + "w aters", + "er ick", + "Ġsuper iors", + "ĠRow ling", + "ĠGu inness", + "Ġt d", + "99 2", + "Ġune arthed", + "Ġcentr if", + "Ġsham eless", + "P od", + "ĠF ib", + "Ġ icing", + "Ġpredict or", + "Ġ29 2", + "fore station", + "con struct", + "C and", + "@ #", + "Ġag itated", + "Ġre pr", + "OV A", + "Ġkn itting", + "ĠLim a", + "Ġf odder", + "68 4", + "ĠPerson a", + "k l", + "7 01", + "Ġbreak up", + "á ¸", + "Ġapp alled", + "Ġantidepress ants", + "ĠSus sex", + "Har ris", + "ĠTher mal", + "ee ee", + "U pload", + "Ġg ulf", + "Ġdoor step", + "ĠSh ank", + "L U", + "ĠM EN", + "ĠP ond", + "s orry", + "Ġmis fortune", + "n ance", + "Ġb ona", + "M ut", + "Ġde graded", + "ĠL OG", + "ĠN ess", + "an imal", + "Ġa version", + "und own", + "Ġsupplement ed", + "ĠC ups", + "Ġ50 4", + "Ġdep rive", + "ĠSpark le", + "Å Ĥ", + "ĠMed itation", + "auth ors", + "ĠSab an", + "ĠN aked", + "air d", + "ĠMand arin", + "ĠScript ures", + "ĠPerson nel", + "ĠMahar ashtra", + "Ġ19 03", + "ĠP ai", + "ĠMir age", + "omb at", + "Access ory", + "Ġfrag mented", + "T ogether", + "Ġbelie vable", + "ĠGl adiator", + "al igned", + "ĠSl ug", + "M AT", + "Ġconvert ible", + "ĠBour bon", + "amer on", + "ĠRe hab", + "nt ax", + "Ġpowd ered", + "pill ar", + "Ġsm oker", + "ĠMans on", + "ĠB F", + "5 11", + "ĠGood ell", + "ĠD AR", + "m ud", + "g art", + "Ġob edient", + "ĠTrans mission", + "ĠDon ation", + "8 80", + "Ġbother ing", + "Material s", + "ãĤ ±", + "dest roy", + "Ġfore going", + "Ġanarch ism", + "ĠK ry", + "ice ps", + "Ġl ittered", + "ĠSch iff", + "Ġanecd otal", + "un its", + "Ġf ian", + "ĠSt im", + "ĠS OME", + "ĠInv aders", + "Ġbehaviour al", + "ĠVent ures", + "Ġsub lime", + "Ġfru ition", + "ĠPen alty", + "Ġcorros ion", + "¶ ħ", + "Ġlik ened", + "Ġbesie ged", + "ween ey", + "ĠCre ep", + "Ġlinem en", + "mult i", + "ic ably", + "ud der", + "Ġvital ity", + "Ġshort fall", + "ĠP ants", + "ap ist", + "H idden", + "ĠDro ps", + "med ical", + "Ġpron unciation", + "ĠN RL", + "Ġinsight ful", + "J V", + "ĠBe ard", + "ĠCh ou", + "Ġchar ms", + "Ġb ins", + "Ġamb assadors", + "ĠS aturdays", + "Ġinhib itor", + "ĠFr anch", + "6 01", + "', '", + "ĠCon or", + "art ney", + "ĠX peria", + "g rave", + "be es", + "ĠProtest ants", + "Ġso aking", + "ĠM andal", + "Ġph ased", + "Ġ6 60", + "Ġsc ams", + "Ġbuzz ing", + "ĠItal ians", + "ĠLoren zo", + "ĠJ A", + "Ġhes itated", + "Ġcl iffs", + "ĠG OT", + "ingu ishable", + "Ġk o", + "Ġinter ruption", + "Z ip", + "Lear ning", + "Ġundersc ores", + "ĠBl ink", + "K u", + "57 9", + "ĠAut ob", + "I RE", + "Ġwater ing", + "Ġpast ry", + "8 20", + "Ġvision ary", + "ĠTempl ar", + "awa ited", + "Ġpist on", + "Ġant id", + "current ly", + "Ġp ard", + "Ġw aging", + "Ġnob ility", + "ĠY us", + "Ġinject ing", + "f aith", + "ĠP ASS", + "å º", + "Ġret ake", + "ĠPR OC", + "Ġcat hedral", + "b ash", + "Ġwrest lers", + "Ġpartner ing", + "Ġn oses", + "Ġ3 58", + "Trans form", + "am en", + "Ġb outs", + "ĠId eal", + "ĠConstant in", + "Ġse p", + "ĠMon arch", + "att en", + "ĠPe oples", + "mod ified", + "Ġmor atorium", + "Ġpen chant", + "Ġoffensive ly", + "Ġprox ies", + "ok ane", + "ĠTaiwan ese", + "ĠP oo", + "ĠH OME", + "us ional", + "Ġver bs", + "ĠO man", + "vis ory", + "Ġpersu asion", + "Ġmult it", + "Ġsc issors", + "G ay", + "ow ay", + "oph ysical", + "l us", + "gn u", + "Ġap ocalyptic", + "Ġabsurd ity", + "Ġplay book", + "Ġautobi ography", + "I UM", + "Ġsne aking", + "ĠSim ulation", + "pp s", + "ell ery", + "Plan et", + "Ġright fully", + "Ġn iece", + "ĠN EC", + "ĠIP O", + "ĠDis closure", + "lean or", + "ous y", + "ST ER", + "Ġ28 2", + "Cru z", + "Ch all", + "64 3", + "ĠSurv ive", + "ĠF atal", + "ĠAm id", + "ap o", + "We apons", + "D EN", + "7 70", + "ĠGreen wald", + "Ġlin en", + "al os", + "Ġpollut ants", + "ĠPCI e", + "k at", + "Ġp aw", + "ĠK raft", + "C hem", + "ĠTermin ator", + "Ġre incarn", + "Ġ] [", + "ĠSe eds", + "Ġsilhou ette", + "ĠSt ores", + "Ġgro oming", + "ĠD irection", + "ĠIs abel", + "ĠBr idges", + "ðŁ ij", + "E ED", + "ĠM orsi", + "Ġval ves", + "ĠRank ed", + "ĠPh arma", + "ĠOrgan izations", + "Ġpenet rated", + "ĠRod ham", + "ĠProt oss", + "Ġove rest", + "Ġex asper", + "ĠT J", + "Ġ 000000", + "Ġtrick le", + "Ġbour bon", + "WH O", + "Ġw retched", + "Ġmicrosc opic", + "Ġcheck list", + "Ġad orned", + "R oyal", + "Ad minist", + "ĠRet irement", + "ĠHig hest", + "We ather", + "ile ge", + "Ġincre ments", + "ĠC osponsors", + "Ġmas se", + "ĠS inn", + "r f", + "Ġh ordes", + "as sembly", + "75 4", + "ĠNat asha", + "ĠTY PE", + "ĠGEN ERAL", + "Ġarr anging", + "Ġ40 7", + "l ator", + "Ġg lean", + "Ġdisc redited", + "Ġclin icians", + "UN E", + "Ġachie ves", + "ĠEm erson", + "com plex", + "= [", + "Ġprincip ally", + "Ġfra il", + "p icked", + "Ġthan king", + "Ġre cl", + "ĠL AST", + "Ġsupp ressing", + "il ic", + "Ġantidepress ant", + "ĠLis bon", + "Ġth or", + "Ġsp a", + "Ġking doms", + "ĠPear ce", + "em o", + "Ġpl ung", + "Ġdiv est", + "Ġ ********************************", + "b is", + "osp els", + "ad r", + "Sp irit", + "hall a", + "P ink", + "end ez", + "Ġresurrect ed", + "esc ape", + "ĠRosen stein", + "Ġge ological", + "Ġnecess ities", + "Ġcarn iv", + "ĠE lys", + "ĠBar ney", + "Ġ29 6", + "dig y", + "ST ON", + "D OWN", + "Ġmil estones", + "Ġk er", + "Ġdismant ling", + "Ġre prim", + "Ġcross ings", + "19 45", + "Ġpatri archy", + "Ġblasp hemy", + "Ġ3 59", + "met ry", + "ĠOb esity", + "ĠDiff erences", + "bl ocking", + "ãĥķ ãĤ¡", + "ich ita", + "ĠSab ha", + "ph alt", + "ĠCol o", + "ual a", + "effic ients", + "ĠMed ina", + "con sole", + "55 7", + "ĠHann ibal", + "ĠHab it", + "ĠF ever", + "Ġthen ce", + "Ġsyn agogue", + "Ġessential s", + "Ġw ink", + "ĠTr ader", + "ID A", + "ĠSp oiler", + "ĠIceland ic", + "ĠHay ward", + "Ġpe ac", + "Ġmal ice", + "Ġflash back", + "Ġth w", + "Ġlay offs", + "L iquid", + "Ġtro oper", + "Ġh inge", + "ĠRead ers", + "Ph ill", + "ĠB auer", + "Cre ated", + "Ġaud its", + "ac compan", + "Ġunsus pecting", + "ier a", + "6666 6666", + "Ġbro ch", + "Ġapprehend ed", + "ĠM alk", + "cer ning", + "ĠCod ex", + "O VER", + "M arsh", + "ĠD eng", + "ĠExp ression", + "Ġdisrespect ful", + "Ġasc ending", + "t ests", + "ĠPlaint iff", + "ster y", + "ĠAl ibaba", + "din and", + "ĠDem psey", + "Applic ations", + "mor al", + "Ġthrough put", + "Ġquar rel", + "Ġm ills", + "Ġhe mor", + "ĠC ASE", + "terror ist", + "st im", + "ifest yle", + "ro zen", + "CE PT", + "Ar k", + "u ci", + "lect ic", + "Ġirrit ating", + "she ets", + "A y", + "Ġrede emed", + "Ġhorn y", + "ĠTe ach", + "ĠS ear", + "dem ocracy", + "4 65", + "ĠRest ore", + "Ġstand by", + "ĠP is", + "iff in", + "Ġsleep y", + "Ġextr ater", + "Ġcompl iments", + "Fram eworks", + "Ġinstall s", + "Ġb anging", + "sur face", + "found land", + "Ġmetaph ysical", + "Ġ28 3", + "oul s", + "dev ices", + "Ar gs", + "ĠSac rifice", + "ĠMcC orm", + "es on", + "Cons ervative", + "ĠM ikhail", + "see ing", + "is ively", + "ĠRo oms", + "ĠGener ic", + "Ġenthusi astically", + "Ġgri pped", + "Ġcomed ic", + "ĠElectric ity", + "Ġgu errilla", + "Ġdec oration", + "ĠPerspect ive", + "Ġconsult ations", + "Ġun amb", + "Ġplag iar", + "Ġmagic ian", + "Ġe rection", + "ĠTour ism", + "or ied", + "ro xy", + "11 00", + "T am", + "Ī è", + "Î ³", + "× ª", + "ĠPred ators", + "Nit rome", + "Ġtelesc opes", + "project s", + "Ġun protected", + "Ġst ocked", + "ĠEnt reprene", + "nex pected", + "Ġwast ewater", + "V ill", + "Ġint imately", + "Ġi Cloud", + "ĠConst able", + "Ġspo of", + "Ġne farious", + "Ġfin s", + "Ġcens or", + "ĠMod es", + "ĠEs per", + "ar bon", + "Ġinter sections", + "Ġlaud ed", + "Ġphys i", + "Ġgener ously", + "ĠThe Nitrome", + "ĠTheNitrome Fan", + "Ġar isen", + "ĠÙ Ī", + "Ġg lands", + "ĠPav ilion", + "ĠGu pta", + "Ġuniform ly", + "Ġr amps", + "ri et", + "ĠWH EN", + "ĠVan essa", + "Ġrout ed", + "Ġlim p", + "ĠC PI", + "p ter", + "int uitive", + "Ġv aping", + "Ġexperiment ed", + "ĠOlymp us", + "ĠAm on", + "Ġsight ing", + "Ġinfiltr ate", + "ĠGentle man", + "Ġsign ings", + "ĠMe ow", + "ĠNav igation", + "che cks", + "4 33", + "Ġel apsed", + "ĠBulg arian", + "esp ie", + "ĠS OM", + "d uring", + "Ġsp ills", + "anc a", + "ĠPly mouth", + "M AL", + "Ġdomest ically", + "ĠWater gate", + "ĠF AM", + "k illed", + "ed ited", + "ĠYour self", + "Ġsynchron ization", + "ĠPract ices", + "ST EP", + "Ġgen omes", + "ĠQ R", + "not ice", + "Ġloc ating", + "z in", + "Ġ3 29", + "al cohol", + "Ġk itten", + "V o", + "Ġr inse", + "Ġgrapp le", + "ĠSc rew", + "ĠD ul", + "A IR", + "Ġle asing", + "ĠCaf é", + "Ġro ses", + "ĠRes pect", + "Ġmis lead", + "Ġperfect ed", + "Ġnud ity", + "Ġnon partisan", + "ĠCons umption", + "Report ing", + "Ġnu ances", + "Ġdeduct ible", + "ĠSh ots", + "Ġ3 77", + "Ġæ ľ", + "ano oga", + "Ben ef", + "ĠB am", + "ĠS amp", + "if ix", + "Ġgal van", + "ĠMed als", + "rad ius", + "Ġno bles", + "Ġe aves", + "igr ate", + "K T", + "ĠHar bour", + "u ers", + "Ġrisk ed", + "re q", + "Ġneuro t", + "get table", + "ain a", + "Rom ney", + "Ġunder pin", + "Ġlo ft", + "ĠSub committee", + "ĠMong ol", + "b iz", + "Ġmanif ests", + "ass isted", + "ĠG aga", + "Ġsy nergy", + "Ġreligious ly", + "ĠPre f", + "ĠG erry", + "T AG", + "ĠCho i", + "4 66", + "beh ind", + "ĠO u", + "Gold Magikarp", + "Ġhemor rh", + "R iver", + "Ġtend on", + "Ġinj ure", + "ĠF iona", + "Ġp ag", + "Ġag itation", + "|| ||", + "ur an", + "ĠE SA", + "Ġest eem", + "Ġdod ging", + "Ġ4 12", + "r ss", + "Ġce ases", + "ex cluding", + "Ġint akes", + "Ġinsert s", + "Ġemb old", + "ĠO ral", + "up uncture", + "4 11", + "ĠUn ified", + "ĠDe le", + "Ġfurn ace", + "ĠCoy otes", + "ĠBr ach", + "L abor", + "Ġhand shake", + "Ġbru ises", + "Gr ade", + "éĹ ĺ", + "ĠGram my", + "ile en", + "St ates", + "ĠScandinav ian", + "ĠKard ash", + "8 66", + "Ġeffort lessly", + "ĠDI RECT", + "ĠTH EN", + "ĠMe i", + "ert ation", + "19 68", + "Ġgro in", + "w itch", + "Requ irements", + "98 5", + "Ġroof s", + "Ġest ates", + "ĠH F", + "Ġha ha", + "Ġdense ly", + "ĠO CT", + "Ġpl astics", + "Ġincident ally", + "ĠTr acks", + "ĠTax es", + "Ġch anted", + "Ġforce ful", + "ĠBie ber", + "ĠK ahn", + "K ent", + "ĠC ot", + "lic ts", + "F ed", + "Ġhide ous", + "ĠVer d", + "ĠSynd icate", + "ĠIl legal", + "J et", + "ĠD AV", + "re asonable", + "c rew", + "Ġfundamental ist", + "Ġtruth ful", + "ĠJ ing", + "Ġl il", + "Ġdown ed", + "Ġen chanted", + "ĠPolic ies", + "ĠMcM aster", + "ĠH are", + "ides how", + "Ġpar ams", + "en cers", + "gorith m", + "Ġallow ances", + "Ġturb ulent", + "Ġcomplex ities", + "ĠK T", + "Ġ3 37", + "ĠGen etic", + "F UN", + "D oug", + "t ick", + "Ġg igs", + "ument hal", + "Ġpatriarch al", + "Ġcal c", + ", ...", + "Ġc out", + "ĠGu an", + "Ġpath ological", + "ĠR ivals", + "Ġunder rated", + "Ġflu orescent", + "ĠJ iu", + "arna ev", + "ĠQu an", + "Ġ4 29", + "Ġ à¨", + "M ario", + "Con struct", + "ĠC itation", + "ĠR acial", + "ĠR SA", + "ĠF idel", + "Ġ3 95", + "Person ally", + "C ause", + "à »", + "rad ical", + "in en", + "Ġvehement ly", + "ĠPap a", + "Ġintern ship", + "Ġfl akes", + "ĠRe ck", + "Luck ily", + "B ra", + "20 20", + "rav ings", + "R N", + "W onder", + "Ser iously", + "Ġre usable", + "Ġpoll uted", + "ĠP eng", + "le igh", + "ind le", + "Ġcircuit ry", + "ĠMad onna", + "ĠB ART", + "Res idents", + "att ribute", + "Phil adelphia", + "Cl ub", + "Ġplan ner", + "Ġfr antically", + "Ġfaith fully", + "ĠTerrit ories", + "ĠL AT", + "ĠAnders en", + "an u", + "ĠP ARK", + "ĠS ora", + "i age", + "ĠPlay offs", + "ĠG CC", + "4 27", + "Ġab norm", + "ĠL ever", + "Ġdisob edience", + "As ync", + "ĠShe a", + "V ert", + "Ġsk irts", + "ĠSaw yer", + "x p", + "Ġwors ening", + "Ġsc apego", + "ĠAng le", + "oth al", + "Ġtro ve", + "ĠSt y", + "ĠN guyen", + "mar ine", + "ide on", + "Dep ths", + "Bl og", + "ĠIll uminati", + "Ġtract s", + "Ġorgan ise", + "Ġo str", + "F s", + "Ġlever aging", + "ĠD aredevil", + "as ar", + "Ġl ang", + "Ġex termin", + "urs ions", + "ĠRom o", + "ãĤ¤ ãĥĪ", + "Ġcont ended", + "Ġencounter ing", + "ĠTable t", + "ĠAltern ate", + "sk ill", + "Ġswe ets", + "Ġco hesive", + "cap acity", + "Ġrep ud", + "Ġl izard", + "ro o", + "Ġpilgr ims", + "ĠR uff", + "ĠInstr ument", + "ĠLog o", + "uit ous", + "E H", + "Ġsales man", + "Ġank les", + "L ed", + "ĠPat ty", + "ud os", + "Own er", + "Ġdiscrep ancies", + "k j", + "M U", + "Ġuncond itional", + "Dragon Magazine", + "i ard", + "O ak", + "ĠConvers ation", + "be er", + "ĠOs aka", + "D elta", + "us ky", + "Ġsecret ion", + "Ġpl aza", + "Ġm ing", + "Ġde pletion", + "ĠM ous", + "ĠI TS", + "ĠH imal", + "ĠFle ming", + "Ġcyt ok", + "ĠH ick", + "Ġbat ters", + "ĠInt ellectual", + "6 75", + "é r", + "IS ION", + "ĠQu entin", + "ĠCh apters", + "ih adi", + "Ġco aster", + "WAY S", + "ĠL izard", + "ĠY or", + "and ering", + "S kin", + "ha ust", + "ab by", + "Ġportray ing", + "Ġwield ed", + "d ash", + "Ġprop onent", + "Ġr ipple", + "Ġgrap hene", + "Ġfly er", + "Ġrec urrent", + "Ġdev ils", + "Ġwater fall", + "æĺ ¯", + "go o", + "Text Color", + "Ġtam pering", + "IV ES", + "TR UMP", + "ĠAb el", + "ĠS AL", + "ĠHend ricks", + "ĠLu cius", + "b ots", + "Ġ40 96", + "IST ORY", + "Gu est", + "ĠN X", + "in ant", + "Ben z", + "ĠLoad ed", + "ĠCle ver", + "t reatment", + "Ġta vern", + "Ġ3 39", + "ĠT NT", + "ific antly", + "Tem perature", + "F el", + "Ġunder world", + "ĠJud ges", + "Ġ< +", + "Ġst ump", + "Ġoccup ancy", + "Ġab er", + "ĠF inder", + ") \",", + "ĠN unes", + "res et", + "in et", + "ect omy", + "Ġwell ness", + "ĠP eb", + "quart ered", + "and an", + "Ġneg atives", + "ĠTh iel", + "ĠCl ip", + "ĠL TD", + "Ġbl ight", + "Ġreperto ire", + "K yle", + "Ġqu er", + "ĠC es", + "Ġha pl", + "98 9", + "ĠTh ames", + "isc opal", + "Des k", + "ivari ate", + "ĠEx cellence", + "found ation", + "Ġâ ĩ", + "X i", + "Ġmyster iously", + "esty les", + "Ġper ish", + "ĠEng els", + "ĠDE AD", + "09 0", + "}} }", + "ĠUn real", + "Ġrest less", + "ID ES", + "orth odox", + "ĠInter mediate", + "Ġdin ners", + "ĠTr out", + "ĠSe ym", + "ĠHall s", + "og ged", + "Ġtraged ies", + "Ġdid nt", + "67 6", + "Ġail ments", + "Ġobserv able", + "ĠV ide", + "ad apt", + "ĠD usk", + "Ġprofessional ism", + "ĠPres cott", + "ĠInd ies", + "p ox", + "ĠMe hran", + "W ide", + "Ġend emic", + "ĠPar an", + "B ird", + "Ġped als", + "ĠI U", + "ĠAdam ant", + "ĠH urt", + "Ġcorrel ates", + "urd en", + "Ġspons oring", + "cl imate", + "ĠUnivers ities", + "ĠK not", + "enn es", + "ĠDam ian", + "ĠAx el", + "S port", + "Ġbar b", + "ĠS no", + "sh own", + "ste en", + "ud ence", + "Ġnon violent", + "Ġhom ophobia", + "Ġbiom ass", + "ĠDet ail", + "Ġsrf N", + "ĠT une", + "accompan ied", + "I ENCE", + "Al bert", + "ĠMong o", + "z x", + "ĠCer berus", + "or bit", + "c ens", + "Ġsl ay", + "SH ARE", + "H Y", + "Ġb rawl", + "ĠPro be", + "Ġnonex istent", + "ĠClare nce", + "ĠBlack burn", + "Ġport als", + "ĠR ita", + "ĠRem ain", + "ĠLe vant", + "Ġtrick ed", + "ĠF erry", + "aver ing", + "ĠStraw berry", + "ĠAn swers", + "Ġhorrend ous", + "ĠA man", + "Supp lement", + "ĠT oad", + "Ġpe eled", + "Ġman oeuv", + "ĠU zbek", + "mond s", + "ĠH ector", + "Ġ40 2", + "pe es", + "fix es", + "Ġd j", + "Ġres umes", + "Ġaccount ant", + "Ġadvers ity", + "Ġham pered", + "ĠL arson", + "Ġd oping", + "part s", + "H ur", + "Ġbe arded", + "Ġy r", + "ĠPlug in", + "å¥ ³", + "Ġ/ **", + "rol ley", + "Ġwaters hed", + "ĠSub mission", + "if lower", + "AS C", + "Ġcho ir", + "Ġsculpt ures", + "m A", + "incre asing", + "ai i", + "Ġsne akers", + "Ġconfront s", + "ĠEle phant", + "ĠEl ixir", + "Ġrec al", + "ĠT TL", + "w idget", + "ĠW ax", + "ĠGr ayson", + "Ġha irst", + "Ġhumili ated", + "ĠWAR N", + "app iness", + "ĠT TC", + "F uel", + "Ġpol io", + "Ġcomplex es", + "Ġbab e", + "ĠX IV", + "P F", + "). [", + "P arts", + "Ġ4 35", + "M eg", + "ĠY ards", + "ĠAL P", + "Ġy ells", + "Ġprin ces", + "Ġbull ies", + "ĠCapital ism", + "ex empt", + "FA Q", + "ĠSp onge", + "ĠAl a", + "Ġpleas antly", + "Ġbu f", + "Ġden ote", + "Ġunp ublished", + "Ġkne eling", + "asc a", + "Ġl apse", + "al ien", + "99 4", + "Ġrefere es", + "ĠLaw yers", + "S anta", + "Ġpuzz ling", + "ĠProm etheus", + "ĠPh araoh", + "ĠDel ay", + "Ġfacilit ates", + "ĠC ES", + "Ġjew els", + "Ġbook let", + "ond ing", + "Ġpolar ization", + "ĠMor an", + "ĠSal ad", + "ĠS OS", + "ĠAdv ice", + "PH OTOS", + "IC AN", + "iat ures", + "ex press", + "ĠWonder land", + "ĠC ODE", + "ĠCL ASS", + "9 75", + "Ġg rep", + "ĠD iesel", + "ĠGl ac", + "! ?\"", + "Ġr m", + "o ine", + "disc rimination", + "ĠN urse", + "m allow", + "Ġv ortex", + "ĠCons ortium", + "Ġlarge Download", + "stra ight", + "augh lin", + "G rad", + "Ġpublic ized", + "ĠW aves", + "ĠRed d", + "Ġfest ivities", + "ĠM ane", + "ar ov", + "Ġfleet ing", + "ĠDr unk", + "ug en", + "C ele", + "Ġchromos omes", + "ĠD OT", + "-+-+ -+-+", + "Ġbus iest", + "ĠBe aver", + "Sy rian", + "ĠK yr", + "k as", + "ĠCross Ref", + "19 50", + "76 01", + "Ġrepe aling", + "ĠWin ners", + "ĠMac ro", + "ĠD OD", + "bl ance", + "S ort", + "64 1", + "Ġmet re", + "ĠD irk", + "Ġgo ggles", + "Ġdraw backs", + "Ġcomplain ant", + "Ġauthor izing", + "Ġantit rust", + "oper ated", + "Ġm ah", + "Ġexagger ation", + "Am azing", + "ĠSer aph", + "Ġha ze", + "w ow", + "Ġextingu ished", + "Ġcan yon", + "ĠB osh", + "Ġv ents", + "Ġsc rape", + "Cor rect", + "4 26", + "Ġav g", + "Dem and", + "ĠâĪ ¼", + "Ġmicrobi ota", + "\"} ],\"", + "ĠSt ev", + "B io", + "ĠPlan es", + "Ġsuggest ive", + "Ġdec ipher", + "ĠRefuge e", + "ĠKe jriwal", + "ĠGreen peace", + "Ġdecl ass", + "ĠSound ers", + "Ġth o", + "Ġdec rypt", + "Ġbr ushing", + "ĠJane iro", + "ip op", + "S i", + "8 77", + "ĠGeoff rey", + "Ġc pu", + "ĠHaz el", + "Ġview points", + "Ġcris py", + "ĠNot ification", + "Ġsold er", + "ĠMod est", + "ĠHem isphere", + "Ġcass ette", + "in cludes", + "Ġident ifiers", + "ĠC ALL", + "in cent", + "T odd", + "ĠSwe ep", + "Ġ3 34", + "b oss", + "Ġsm ir", + "gin x", + "Ġtown ship", + "Ġg rieving", + "ĠMos que", + "Net flix", + "AS ED", + "ĠMillenn ials", + "oc om", + "19 67", + "Ġbold ly", + "s leep", + "Ġes che", + "arij uana", + "Ġsw irl", + "ĠPen al", + "Ġneglig ent", + "ĠStephen son", + "K ER", + "ĠZ oro", + "ris is", + "Ġlocal ization", + "ĠSeym our", + "ĠAng lic", + "red itation", + "prot ection", + "ĠPa ige", + "Ġo mit", + "ĠR ousse", + "ĠT ub", + "Ġinv itations", + "t ty", + "Ġm oss", + "ph ysical", + "C redits", + "Ġan archy", + "Ġchild care", + "Ġl ull", + "ĠM ek", + "ĠL anguages", + "lat est", + "ĠSan ford", + "Ġus ability", + "Ġdiff use", + "ĠD ATA", + "Ġsp rites", + "ĠVeget a", + "ĠProm otion", + "ãĥ¼ ãĤ¯", + "rict ing", + "z ee", + "Tur kish", + "ĠTD s", + "pro ven", + "57 1", + "Ġsmug glers", + "707 10", + "Ġreform ed", + "ĠLo is", + "Ġun fl", + "ĠWITH OUT", + "ĠReturn ing", + "ann ie", + "ĠTom as", + "Fr anc", + "ĠProf it", + "ĠSER V", + "ĠR umble", + "ik uman", + "es an", + "Ġt esters", + "Ġgad get", + "Ġbrace let", + "ĠF SA", + "comp onent", + "Ġparamed ics", + "Ġj an", + "ĠRem em", + "ĠSk inner", + "Ġl ov", + "ĠQu ake", + "rom a", + "Ġfl ask", + "Pr inc", + "Ġover power", + "Ġlod ging", + "ĠK KK", + "ret te", + "Ġabsor bs", + "w rote", + "Ġ ,\"", + "K ings", + "ĠH ail", + "ĠFall ing", + "xt ap", + "ĠHel ena", + "ire ns", + "L arry", + "Ġpamph let", + "ĠC PR", + "G ro", + "ĠHirosh ima", + "Ġhol istic", + "\". [", + "Ġdet achment", + "Ġas pire", + "Ġcompl icit", + "ĠGreen wood", + "Ġresp awn", + "ĠSt upid", + "ĠFin ished", + "f al", + "b ass", + "Ġab hor", + "Ġmock ery", + "ĠFe ast", + "VID EO", + "Ġcon sec", + "ĠHung ry", + "P ull", + "ĠH ust", + "it ance", + "? ãĢį", + ") --", + "ĠPar allel", + "con v", + "4 69", + "ha ar", + "w ant", + "P aper", + "m ins", + "ĠTor o", + "ĠTR UMP", + "ĠR ai", + "D W", + "ĠW icked", + "ĠL ep", + "Ġfun ky", + "Ġdetrim ent", + "ios is", + "ache v", + "Ġde grade", + "im ilation", + "Ġret ard", + "Ġfrag mentation", + "Ġcow boy", + "ĠY PG", + "ĠH AL", + "Parent s", + "ĠS ieg", + "ĠStra uss", + "ĠRub ber", + "× IJ", + "Fr ag", + "Ġp t", + "Ġoption ally", + "ĠZ IP", + "ĠTrans cript", + "ĠD well", + "88 2", + "M erc", + "ĠM OT", + "ãĥ¯ ãĥ³", + "Ġhun ts", + "Ġexec utes", + "In cludes", + "Ġacid ic", + "ĠRespons ibility", + "ĠD umb", + "we i", + "And erson", + "ĠJas per", + "ight on", + "abs olutely", + "Ad ult", + "Ġpl under", + "Mor ning", + "ĠT ours", + "ĠD ane", + "Î º", + "ĠT EST", + "ĠG ina", + "Ġcan ine", + "aw an", + "Ġsocial ists", + "ĠS oda", + "Ġimp etus", + "ĠSupplement ary", + "oli ath", + "ĠKinn ikuman", + "mitted ly", + "second s", + "Ġorganis ers", + "Ġdocument aries", + "Vari able", + "GRE EN", + "Ġres orts", + "Ġbr agging", + "Ġ3 68", + "Art ist", + "w k", + "bl ers", + "Un common", + "ĠRet rieved", + "Ġhect ares", + "Ġtox in", + "r ank", + "Ġfaith s", + "ĠG raphic", + "Ġve c", + "ĠL IA", + "Af rican", + "Ġard ent", + "end iary", + "L ake", + "ĠD OS", + "cient ious", + "ĠOk awaru", + "ĠAll y", + "ĠTim eline", + "D ash", + "ĠI c", + "contin ue", + "Ġt idy", + "Ġinstinct ively", + "ĠP ossibly", + "ĠOut door", + "ĠWould n", + "Ġl ich", + "ĠBr ay", + "ĠA X", + "Ġà ī", + "Ġ+ #", + "\\ '", + "Direct ory", + "ab iding", + "Ġf eral", + "ic ative", + "but t", + "Ġper verse", + "S alt", + "Ġwar ped", + "Ġnin eteen", + "Ġcabin ets", + "Ġsrf Attach", + "ĠSl oan", + "Ġpower ing", + "reg ation", + "F light", + "se vere", + "Ġst ren", + "Ġc og", + "ap ache", + "Ġâ Ŀ", + "Ġcaf eteria", + "p aces", + "ĠGrim oire", + "uton ium", + "Ġr aining", + "Ġcir cling", + "Ġlineback ers", + "c redit", + "Ġrep atri", + "ĠCam den", + "lic ense", + "Ġly ric", + "Ġdescript or", + "Ġval leys", + "Ġre q", + "Ġback stage", + "ĠPro hibition", + "ĠK et", + "Op ening", + "S ym", + "æĸ ¹", + "Ġserv ings", + "Ġoverse en", + "Ġaster oids", + "ĠMod s", + "ĠSpr inger", + "ĠCont ainer", + "è »", + "ĠM ens", + "Ġmult im", + "Ġfire fighter", + "pe c", + "Ġchlor ine", + "Ð ¼", + "end i", + "Ġsp aring", + "Ġpolyg amy", + "ĠR N", + "ĠP ell", + "Ġt igers", + "Ġflash y", + "ĠMad ame", + "S word", + "Ġpref rontal", + "Ġpre requisite", + "uc a", + "Ġw ifi", + "Ġmiscon ception", + "Ġharsh ly", + "ĠStream ing", + "ot om", + "ĠGiul iani", + "foot ed", + "Ġtub ing", + "ind ividual", + "z ek", + "n uclear", + "m ol", + "Ġright ful", + "49 3", + "Ġspecial ization", + "Ġpassion ately", + "ĠVel ocity", + "ĠAv ailability", + "T enn", + "Ġl atch", + "ĠSome body", + "Ġhel ium", + "cl aw", + "Ġdi pping", + "XX X", + "Ġinter personal", + "7 10", + "Ġsub ter", + "Ġbi ologists", + "ĠLight ing", + "Ġopt ic", + "Ġden im", + "end on", + "ĠC orm", + "Ġ3 41", + "ĠC oup", + "Ġfear less", + "Ġal ot", + "ĠCliff ord", + "ĠRun time", + "ĠProv ision", + "up dated", + "lene ck", + "Ġneur on", + "Ġgrad ing", + "ĠC t", + "sequ ence", + "in ia", + "con cept", + "Ġro aring", + "ri val", + "ĠCaucas ian", + "Ġmon og", + "key es", + "Ġappell ate", + "Ġlia ison", + "EStream Frame", + "ĠPl um", + "! .", + "Ġsp herical", + "Ġper ished", + "Ġbl ot", + "Ġben ches", + "Ġ4 11", + "Ġpione ered", + "Ġhur led", + "Jenn ifer", + "ĠYose mite", + "Ch air", + "Ġreef s", + "Ġelect or", + "ĠAnt hem", + "65 2", + "Ġun install", + "Ġimp ede", + "Ġbl inking", + "Ġgot o", + "Dec re", + "A ren", + "Ġstabil ization", + "ĠDis abled", + "ĠYanuk ovych", + "Ġoutlaw ed", + "ĠVent ura", + "ten ess", + "Ġplant ation", + "Ġy acht", + "ĠHu awei", + "Ġsol vent", + "Ġgr acious", + "Ġcur iously", + "Ġcapac itor", + "Ġc x", + "ĠRef lex", + "Ph ys", + "ĠC f", + "pt in", + "cons ervative", + "Ġinv ocation", + "c our", + "F N", + "ĠNew ly", + "H our", + "As ian", + "ĠLe ading", + "ĠAer ospace", + "An ne", + "Ġpre natal", + "Ġdeterior ating", + "H CR", + "ĠNorm andy", + "ol ini", + "ĠAm bro", + "9 10", + "Ġset backs", + "ĠT RE", + "Ġs ig", + "ĠSc ourge", + "59 7", + "79 8", + "Game play", + "Ġm sec", + "M X", + "Ġprice y", + "ĠL LP", + "aker u", + "Ġover arching", + "ĠB ale", + "Ġworld ly", + "Cl ark", + "Ġscen ic", + "Ġdisl iked", + "ĠCont rolled", + "T ickets", + "ĠE W", + "ab ies", + "ĠPl enty", + "Non etheless", + "Ġart isan", + "Trans fer", + "ĠF amous", + "Ġinf ield", + "ble y", + "Ġunres olved", + "ĠML A", + "ãĤ Ĥ", + "Cor rection", + "Ġdemocr at", + "ĠMore no", + "ro cal", + "il ings", + "Ġsail or", + "Ġr ife", + "h ung", + "Ġtrop es", + "Ġsn atched", + "ĠL IN", + "ĠB ib", + "ES A", + "ĠPre v", + "ĠCam el", + "run time", + "Ġob noxious", + "4 37", + "Ġsum mers", + "Ġunexpl ained", + "ĠWal ters", + "cal iber", + "Ġg ull", + "ĠEnd urance", + "ä½ ľ", + "Ġ3 47", + "Ir ish", + "Ġaer obic", + "Ġcr amped", + "ĠHon olulu", + "à ©", + "us erc", + "ec ast", + "AC Y", + "ĠQu ery", + "ãĤ¹ ãĥĪ", + "Bet a", + "Ġsuscept ibility", + "ĠSh iv", + "ĠLim baugh", + "Ġà ĸ", + "ĠN XT", + "ĠM uss", + "ĠBrit ons", + "ES CO", + "EG IN", + "Ġ% %", + "Ġsec ession", + "ĠPat ron", + "ĠLu a", + "n aires", + "ĠJPM organ", + "us b", + "ocy te", + "Ġcouncill ors", + "ĠLi ang", + "f arm", + "Ġnerv ously", + "Ġattract iveness", + "ĠK ov", + "j ump", + "Pl ot", + "Ġst ains", + "ĠStat ue", + "ĠApost les", + "he ter", + "ĠSUP PORT", + "Ġoverwhel m", + "Y ES", + "Ġ29 1", + "d ensity", + "Ġtra pping", + "M it", + "Ġf ide", + "ĠPam ela", + "atl antic", + "Dam n", + "Ġp ts", + "OP A", + "Ġserv icing", + "Ġoverfl owing", + "ul o", + "ĠE rit", + "t icket", + "light ing", + "ĠH mm", + "ãĥ¼ ãĥ«", + "im oto", + "Ġchuck le", + "4 23", + "ãģ ķ", + "sh ape", + "Ġque ues", + "Ġanch ors", + "ãĤ¼ ãĤ¦ãĤ¹", + "F er", + "Ġaw oke", + "Ġ6 66", + "h ands", + "Ġdiver gence", + "Ġ50 5", + "T ips", + "Ġdep ot", + "Ġske w", + "ĠDel iver", + "op ot", + "Ġdiv ul", + "ĠE B", + "uns igned", + "ĠUn i", + "X box", + "Ġfor ks", + "Ġ7 02", + "å ¯", + "Ġpromot ers", + "ĠV apor", + "Ġlev ied", + "sl ot", + "Ġpig ment", + "Ġcyl inders", + "C RE", + "Ġsn atch", + "Ġperpet ually", + "Ġl icking", + "ĠFe et", + "ĠKra ken", + "ĠHold en", + "ĠCLS ID", + "m r", + "Ġproject or", + "Ġden otes", + "Ġchap el", + "ĠTor rent", + "b ler", + "R oute", + "ĠDef endant", + "ĠPublisher s", + "ĠM ales", + "ĠInn ov", + "ĠAg ility", + "rit er", + "ty mology", + "st ores", + "L ind", + "Ġf olly", + "ĠZur ich", + "B le", + "Ġnurt ure", + "Ġcoast line", + "uch in", + "D omin", + "Ġfri vol", + "ĠCons olid", + "res ults", + "M J", + "Ġphyl ogen", + "Ġha uled", + "ĠW iley", + "ĠJess ie", + "ĠPrep are", + "ĠE ps", + "Ġtreasure r", + "I AS", + "Ġcolon ists", + "Ġin und", + "ĠWW F", + "ĠCon verted", + "6 000", + "out side", + "ĠApp earance", + "ĠRel ic", + "ĠM ister", + "s aw", + "Ġresult ant", + "Ġadject ive", + "ĠLaure l", + "ĠHind i", + "b da", + "Pe ace", + "Ġreb irth", + "Ġmembr anes", + "Ġforward ing", + "Ġcoll ided", + "ĠCar olyn", + "K ansas", + "5 99", + "ĠSolid GoldMagikarp", + "Be ck", + "Ġstress ing", + "ĠGo o", + "ĠCooper ative", + "Ġf s", + "ĠAr chie", + "L iter", + "ĠK lopp", + "J erry", + "Ġfoot wear", + "War ren", + "Ġsc ree", + "h are", + "Under standing", + "P ed", + "Ġanth ology", + "ĠAnn ounce", + "M ega", + "Ġflu ent", + "Ġbond age", + "ĠDisc ount", + "il ial", + "C art", + "ĠNight mares", + "Sh am", + "ĠB oll", + "uss ie", + "H ttp", + "Atl anta", + "Ġun recogn", + "ĠB id", + "Ġunder grad", + "Ġforg iving", + "ĠGl over", + "AAAA AAAA", + "4 45", + "V G", + "pa io", + "kill ers", + "Ġrespons ibly", + "Ġmobil ize", + "Ġeffect ed", + "ĠL umin", + "Ġk ale", + "Ġinfring ing", + "ann ounced", + "Ġf itt", + "b atch", + "ĠT ackle", + "ĠL ime", + "ĠAP P", + "uke mia", + "Ġrub y", + "Ġex oner", + "ĠCas ual", + "0 70", + "Ġpel vic", + "Ġautom ate", + "ĠK ear", + "ĠCoast al", + "Ġcre ed", + "Ġbored om", + "ĠSt un", + "ri ott", + "Ĥ İ", + "Ġregener ate", + "Ġcomed ians", + "ĠOP ER", + "Sp ons", + "id ium", + "on is", + "L ocated", + "05 7", + "Ġsusp ense", + "ĠD ating", + "C ass", + "Ġneoc ons", + "ĠShin zo", + "Ġaw oken", + "ch rist", + "ĠMess ages", + "att led", + "ĠSpr ay", + "ĠSp ice", + "C W", + "Ġshield ing", + "ĠG aul", + "Am id", + "Ġparam ilitary", + "Ġmult if", + "ĠTan ner", + "il k", + "Ġgodd amn", + "g ements", + "Ġbe friend", + "m obi", + "Ġ3 88", + "fold er", + "acc a", + "Ġins in", + "g ap", + "N ev", + "fif th", + "Ġpsychiat ry", + "b anks", + "TH IS", + "Ġhar b", + "ac qu", + "Ġfac ade", + "ĠPower Point", + "80 3", + "Ġbl uff", + "Sh ares", + "Ġfavor ing", + "El izabeth", + "Ãį Ãį", + "Ġr anger", + "77 2", + "ĠAr che", + "h ak", + "ĠGen etics", + "ĠF EMA", + "Ġev olves", + "Ġest e", + "ĠP ets", + "ĠM é", + "ĠInterest ing", + "ĠCanter bury", + "ch apter", + "ĠStar fleet", + "Sp anish", + "Ġdraw back", + "ĠNor wich", + "9 70", + "n orth", + "ag anda", + "Ġtransform ative", + "ram ids", + "bi ology", + "ad ay", + "Ġpropag ation", + "ĠGam ma", + "ĠDen ise", + "ĠCalcul ator", + "ent imes", + "ĠB ett", + "Ġapp endix", + "ĠHD D", + "AK ING", + "Ġst igmat", + "Ġhol ster", + "Ġord inarily", + "Ch ance", + "ĠCont rary", + "Ġad hesive", + "Ġgather s", + "6 12", + "re au", + "ony ms", + "ew ays", + "Ġindu ces", + "Ġinterchange able", + "se m", + "Wh it", + "Ġtr ance", + "Ġincorpor ation", + "ĠExt ras", + "Fin ancial", + "Ġawkward ly", + "ĠStur geon", + "ĠH Y", + "Norm ally", + "ĠEnd ing", + "ĠAss ist", + "enc rypted", + "Ġsub jug", + "Ġn os", + "Ġfan atic", + "C ub", + "C U", + "?\" .", + "Ġirre versible", + "å Ĥ", + "03 1", + "ĠH AR", + "sp read", + "ul ia", + "= $", + "Sc ope", + "L ots", + "Ġlif estyles", + "ol on", + "Ġf eds", + "Ġcongrat ulate", + "web kit", + "Ġindist inguishable", + "ĠSw ing", + "Ġcommand ments", + "qu ila", + "ab ella", + "m ethyl", + "ann abin", + "Ġo vere", + "Ġlob ster", + "ĠQU EST", + "ĠCONT IN", + "bern atorial", + ":::: ::::", + "ĠTra ve", + "ĠSam oa", + "AN I", + "75 2", + "Ð ´", + "userc ontent", + "ĠMod erate", + "y eah", + "ĠK itt", + "Ġwe e", + "Ġstuff ing", + "ĠInter vention", + "ĠD ign", + "Ġware houses", + "ĠF iji", + "Ġpel lets", + "Ġtake away", + "ĠT ABLE", + "ĠClass ical", + "col lection", + "Ġland fall", + "ĠMus cle", + "Ġsett les", + "ĠAD V", + "Ġ3 44", + "L aura", + "Ġf ared", + "ĠPart ial", + "4 36", + "oss ibility", + "ĠD aly", + "ĠT arant", + "ĠFu ji", + "am l", + "c ence", + "55 1", + "ĠProced ures", + "ĠO CD", + "ĠU D", + "t in", + "Q UI", + "ach o", + "4 38", + "Ġgl itches", + "Ġenchant ment", + "Ġcalcul ates", + "IR O", + "ĠH ua", + "alys es", + "ĠL ift", + "um o", + "Ġle apt", + "Ġhypothes ized", + "ĠGust av", + "it ans", + "VERS ION", + "æ ł", + "Rog er", + "Ġr and", + "ĠAd apter", + "Ġ3 31", + "ĠPet ition", + "k ies", + "M ars", + "Ġunder cut", + "ze es", + "ĠLy ons", + "ĠDH CP", + "Miss ing", + "Ġretire es", + "Ġins idious", + "el i", + "> )", + ". ãĢį", + "Ġfinal ists", + "ĠA ure", + "Ġacc user", + "Ġwas tes", + "ĠY s", + "ĠL ori", + "Ġconstitu encies", + "Ġsupp er", + "Ġmay hem", + "or ange", + "Ġmis placed", + "Ġmanager ial", + "Ġex ce", + "ĠCL I", + "Ġprim al", + "ĠL ent", + "Cry stal", + "h over", + "ĠN TS", + "end um", + "Ġd w", + "ĠAl c", + "n ostic", + "Ġpres erves", + "ĠTs arnaev", + "Ġtri pled", + "rel ative", + "Arc ade", + "k illing", + "ĠW EEK", + "ĠH anna", + "D ust", + "Com pleted", + "ģ «", + "Ġappro ves", + "ĠSur f", + "ĠLuther an", + "ven ants", + "Ġrobber ies", + "we ights", + "soft ware", + "at ana", + "ug al", + "Ġgrav y", + "ĠC ance", + "OLOG Y", + "ly ak", + "Ton ight", + "Ġunve il", + "Ġ19 04", + "ĠMin ion", + "ent ious", + "st ice", + "pack ages", + "ĠG EAR", + "Ġg ol", + "ĠHutch inson", + "ĠProf ession", + "ĠG UN", + "ĠDiff erence", + "ĠTsuk uyomi", + "ĠLes bian", + "6 70", + "Ġfug itive", + "ĠPlan etary", + "-------------------------------- ------------------------", + "Ġacc rued", + "Ġch icks", + "Ġsto pp", + "Ġblock ers", + "C od", + "Ġcomment ers", + "ĠSomew here", + "ĠPhot ographer", + "the me", + "Ġmay oral", + "w u", + "Ġanten nas", + "Ġrev amped", + "ĠSubject s", + "it é", + "im ura", + "Ġentr ances", + "liter ally", + "Ġten ets", + "ĠO MG", + "ĠMP H", + "ĠDon key", + "ĠOff ense", + "Ġ\" +", + "Sn ap", + "ĠAF B", + "Ġan imate", + "ĠS od", + "His panic", + "Ġinconsist ency", + "D b", + "F Y", + "Ex port", + "Ġa pe", + "Ġpear l", + "ib el", + "ĠPAC s", + "Ġ{ \\", + "Ġact u", + "ĠHS BC", + "camp us", + "Ġpay off", + "Ġde ities", + "ĠN ato", + "ou ple", + "Ġcens ored", + "ĠCl ojure", + "Ġconf ounding", + "en i", + "Ġreck on", + "op he", + "Ġspot ting", + "Ġsign ifies", + "Ġprop el", + "Ġfest ive", + "S uggest", + "Ġpled ging", + "ĠB erman", + "Ġrebell ious", + "Ġovershadow ed", + "Ġinfiltr ated", + "j obs", + "67 2", + "Ġscal able", + "Ġdomin ion", + "ĠNew foundland", + "ĠMead ow", + "Ġpart itions", + "AM I", + "Ġsupplement ary", + "str ument", + "Ġhair y", + "Ġperpet uate", + "Ġnuts hell", + "ĠPot ato", + "ĠHob bit", + "Ġcur ses", + "Flo at", + "Ġquiet er", + "Ġfuel ing", + "Ġcaps ules", + "ĠL ust", + "ĠH aunted", + "Exec utive", + "Ġchild birth", + "G re", + "Ġrad iant", + "å İ", + "Ġm alls", + "Ġin ept", + "ĠWarrant y", + "Ġspect ator", + "E h", + "t hens", + "Ġculmin ating", + "æ ©", + "ary a", + "ãĤ ®", + "ilit arian", + "ĠOR IG", + "ĠSp ending", + "pt ives", + "ĠS iren", + "ĠRec ording", + "ay ne", + "Ġv im", + "Ġspr ang", + "T ang", + "ĠM FT", + "mor ning", + "ĠWe ed", + "m peg", + "cess ion", + "ĠCh ung", + "7 30", + "w arning", + "56 2", + "handed ly", + "P oor", + "P olitics", + ": #", + "Ġp ian", + "Ġfec es", + "ĠDocument ation", + "Ġban ished", + "Ġ3 99", + "ĠAR C", + "Ġhe inous", + "J ake", + "ĠAm ir", + "way ne", + "v re", + "os henko", + "Ġnotebook s", + "Ġfound ational", + "Ġmarvel ous", + "ixt ape", + "Ġwithdraw als", + "Ġh orde", + "ĠD habi", + "is able", + "ĠK D", + "Ġcontag ious", + "ĠD ip", + "ĠAr rows", + "Ġpronoun s", + "Ġmorph ine", + "ĠB US", + "68 2", + "Ġk osher", + "fin ished", + "ĠInstr uments", + "Ġf used", + "yd en", + "ĠSal mon", + "F ab", + "aff ected", + "K EN", + "C ENT", + "Dom ain", + "Ġpoke mon", + "ĠDr inking", + "G rowing", + "ĠInvestig ative", + "ĠA ether", + "em i", + "Ġtabl oid", + "Ġrep ro", + "ĠNot withstanding", + "ĠBers erker", + "Ġdram as", + "Ġclich é", + "Ġb ung", + "ĠU RI", + "ĠD os", + "0 44", + "Ġpast ors", + "Ġl s", + "Ġac rylic", + "aun ts", + "Ed ward", + "Ġmajor ities", + "B ang", + "Ġfield ing", + "ĠRepl acement", + "ĠAl chemy", + "pp ard", + "ĠRome o", + "ĠSan ct", + "ĠLav rov", + "ib ble", + "Inst ruct", + "Ġimp ractical", + "ĠPlay boy", + "ce phal", + "Ġsw aps", + "Ġk an", + "ĠThe o", + "Ġillust rating", + "Ġdismant led", + "ĠTrans gender", + "ĠG uth", + "UG H", + "Ġtriumph ant", + "Ġencomp ass", + "Ġbook mark", + "udd in", + "j er", + "Ġpred icate", + "ES H", + "Ġwhen ce", + "ĠAB E", + "Ġnon profits", + "Se qu", + "Ġdi abetic", + "Ġp end", + "Ġheart felt", + "sh i", + "Ġinter acts", + "ĠTele com", + "Ġbombard ment", + "dep ending", + "ĠLow ry", + "ĠAd mission", + "ĠBl ooming", + "ust ration", + "ene gger", + "B rew", + "Ġmol ten", + "ĠNer d", + "P IN", + "âĸ Ģ", + "ave ment", + "Ġtou red", + "Ġco efficients", + "ĠTray von", + "ans son", + "Ġsand y", + "t old", + "fl ows", + "Ġpop ulous", + "ĠT inder", + "ĠBl iss", + "R achel", + "Min imum", + "Ġcontest ant", + "ĠRed uce", + "ĠMor se", + "ĠGrass ley", + "ĠClick er", + "Ġexp r", + "Ġs incerity", + "Ġmar qu", + "Ġelic it", + "ĠPro position", + "ĠDemon ic", + "Ġtac os", + "G reek", + "Ġpost war", + "Ġin sofar", + "ĠP ork", + "Ġ35 2", + "doctor al", + "walk ing", + "Ġmid term", + "ĠSam my", + "sight ed", + "ĠTR ANS", + "ic i", + "AL D", + "ĠUS L", + "ĠF ISA", + "ĠAm pl", + "ĠAlex andra", + "ine lli", + "Tr ain", + "Ġsign ify", + "ĠVers us", + "Ġob fusc", + "Ġk h", + "Ġagg ro", + "ĠRen ault", + "Ġ3 48", + "5 18", + "ox icity", + "0 22", + "ĠTw ist", + "Ġgoof y", + "D ynamic", + "Ġbrief ings", + "m ight", + "8 99", + "Ġderog atory", + "T ro", + "Ġfor ging", + "ĠKor an", + "ĠMar ried", + "ĠBuc s", + "Ġpal ate", + "ĠCon version", + "m able", + "4 13", + "Ġ( _", + "Ġs iph", + "ĠN EO", + "col lege", + "Ġmarg inally", + "Ġfl irt", + "ĠTra ps", + "ĠP ace", + "é »Ĵ", + "Ġgoalt ender", + "Ġforb ids", + "Ġcler ks", + "ĠT ant", + "ĠRobb ins", + "ĠPrint ing", + "Ġpremie red", + "Ġmagn ification", + "ĠT G", + "ĠR ouse", + "ĠM ock", + "odynam ics", + "Ġpre clude", + "ism o", + "ĠPul itzer", + "Ġaval anche", + "ĠK odi", + "rib une", + "ĠL ena", + "Elect ric", + "Ġref inery", + "Ġend owed", + "Ġcounsel ors", + "Ġd olphin", + "ĠM ith", + "Ġarm oured", + "hib ited", + "Beg in", + "ĠP W", + "O il", + "ĠV or", + "ĠShar if", + "ĠFraz ier", + "est ate", + "Ġj ams", + "Pro xy", + "Ġband its", + "ĠPresbyter ian", + "ĠPrem iere", + "t iny", + "ĠCru el", + "Test ing", + "Ġhom er", + "ĠV ERS", + "ĠPro l", + "ĠDep osit", + "ĠCoff in", + "Ġsemin ars", + "Ġs ql", + "ĠDef endants", + "Altern atively", + "ĠR ats", + "ç «", + "ethy st", + "' >", + "Ġiss uer", + "58 9", + "Ġch aired", + "ĠAccess ories", + "man ent", + "Ġmar row", + "ĠPrim ordial", + "C N", + "Ġlimit less", + "ĠCarn age", + "Ġund rafted", + "q v", + "IN ESS", + "on ew", + "Ġco hesion", + "98 7", + "Ġne cks", + "Ġfootball er", + "ĠG ER", + "Ġdetect able", + "ĠSupport ing", + "ĠCS V", + "oc ally", + "k Hz", + "Ġund e", + "Ġsh one", + "Ġbud ding", + "tra k", + "Stand ing", + "ĠStar craft", + "ĠKem p", + "Ben ch", + "Ġthw arted", + "ĠGround s", + "ath i", + "L isa", + "Dial og", + "ĠS X", + "V ision", + "Ġingen ious", + "Ù IJ", + "Ġfost ering", + "ĠZ a", + "ĠIn gram", + "Ġ\" @", + "N aturally", + "6 16", + "0 35", + "ĠF AC", + "H mm", + "55 4", + "Ġacceler ator", + "ĠV end", + "Ġsun screen", + "Ġtuber culosis", + "rav iolet", + "ĠFunction al", + "ĠEr rors", + "ed ar", + "19 66", + "ĠSpect re", + "ĠRec ipes", + "88 5", + "ĠM ankind", + "L iverpool", + "Ġ| --", + "Ġsubst itutes", + "ĠX T", + "w ired", + "Ġinc o", + "ĠAf gh", + "E va", + "ic c", + "S ong", + "K night", + "Ġdilig ently", + "ĠBroad cast", + "A id", + "Ġaf ar", + "ĠH MS", + "aton in", + "ĠGr ateful", + "Ġfire place", + "ĠOm ni", + "e uro", + "ĠF RE", + "ĠSh ib", + "ĠDig est", + "t oggle", + "Ġheads ets", + "Ġdiff usion", + "ĠSqu irrel", + "ĠF N", + "Ġdark ened", + "out her", + "Ġsleep s", + "ĠX er", + "gun s", + "Ġset ups", + "Ġpars ed", + "Ġmamm oth", + "ĠCur ious", + "g ob", + "ĠFitz patrick", + "ĠEm il", + "im ov", + "........ .....", + "ĠB enny", + "Second ly", + "Ġheart y", + "Ġcons on", + "st ained", + "Ġgal actic", + "cl ave", + "Ġplummet ed", + "Ġp ests", + "Ġsw at", + "Ġrefer rals", + "ĠLion el", + "h oly", + "Ġunder dog", + "ĠSl ater", + "ĠProv ide", + "ĠAm ar", + "ress or", + "å Į", + "ong a", + "Ġtim id", + "Ġp iety", + "ĠD ek", + "Ġsur ging", + "az o", + "Ġ6 10", + "Ġdes ks", + "ĠSp okane", + "ĠAn field", + "Ġwars hips", + "ĠCob ra", + "Ġar ming", + "clus ively", + "ĠBad ge", + "ag ascar", + "ĠPR ESS", + "ĠMcK enzie", + "ĠFer dinand", + "burn ing", + "Af ee", + "Ġtyr ann", + "ĠI w", + "ĠBo one", + "100 7", + "ĠRe pt", + "Ċ Âł", + "Ġcar avan", + "ĠD ill", + "ĠBundes liga", + "Ch uck", + "Ġheal er", + "ãĥ¼ãĥ Ĩ", + "ĠH obby", + "Ġneg ate", + "Ġcrit iques", + "section al", + "mop olitan", + "Ġd x", + "Ġouts ourcing", + "ĠC ipher", + "t ap", + "Sh arp", + "Ġup beat", + "Ġhang ar", + "Ġcru ising", + "ĠNi agara", + "Ġ3 42", + "ill us", + "ĠS v", + "Ġsubt itles", + "Ġsqu ared", + "Ġbook store", + "Ġrevolution aries", + "ĠCarl ton", + "ab al", + "Ut ah", + "Ġdesp ise", + "ĠU M", + "cons ider", + "aid o", + "Ġc arts", + "ĠT urtles", + "Tr aining", + "Ġhonor ary", + " ¢", + "Ġtri angles", + "4 22", + "Ġreprint ed", + "Ġgrace ful", + "ĠMong olia", + "Ġdisrupt ions", + "ĠB oh", + "Ġ3 49", + "Ġdr ains", + "Ġcons ulate", + "Ġb ends", + "Ġm afia", + "ur on", + "ĠF ulton", + "m isc", + "Ġren al", + "Ġin action", + "ck ing", + "Ġphot ons", + "Ġbru ised", + "ĠC odes", + "og i", + "Ġn ests", + "ĠLove ly", + "ĠLib re", + "ĠD aryl", + "Ġ# ##", + "S ys", + ". ,\"", + "Ġfree zes", + "est ablishment", + "and owski", + "Ġcum bers", + "ĠSt arg", + "ĠBom bs", + "Ġleg ions", + "Ġhand writing", + "Ġgr un", + "ĠC ah", + "sequ ent", + "Ġm oth", + "ĠMS M", + "Ins ert", + "F if", + "Ġmot el", + "Ġdex ter", + "ĠB ild", + "hearted ly", + "Ġpro pe", + "ĠText ure", + "ĠJ unction", + "ynt hesis", + "oc ard", + "ĠVer a", + "ĠBar th", + "Ġμ g", + "Ġl ashed", + "Ġ35 1", + "ĠZ amb", + "ĠSt aples", + "ĠCort ex", + "ĠCork er", + "Ġcontinu um", + "ĠWR ITE", + "unt a", + "rid or", + "Ġde ems", + "0 33", + "ĠG OLD", + "p as", + "Ġrep ressive", + "ãĥĨ ãĤ£", + "Ġbaff led", + "Sc ar", + "Ġc rave", + "Ġ ______", + "Ġentrepreneurs hip", + "ĠDirector ate", + "Ġ' [", + "Ġv ines", + "Ġasc ended", + "ĠGR OUP", + "ĠGood bye", + "Ġdo gged", + "ãĥ´ ãĤ¡", + "Man ufact", + "Ġunimagin able", + "ri ots", + "ier rez", + "Ġrel ativity", + "ĠCraft ing", + "ra ught", + "ud en", + "c ookie", + "Ġassass ins", + "Ġdissatisf ied", + "ac ci", + "Ġcondu it", + "Sp read", + "ĠR ican", + "n ice", + "izz le", + "Ġsc ares", + "ĠWH Y", + "ph ans", + "5 35", + "Ġprot racted", + "ĠKrist en", + "5 36", + "ĠSc rib", + "ĠNe h", + "Ġtwent ies", + "Ġpredic ament", + "Ġhandc uffs", + "Ġfruit ful", + "ĠU L", + "ĠLud wig", + "Ġatt est", + "ĠBre aker", + "Ġbi ologically", + "ĠDeal er", + "Ġrenov ations", + "f w", + "ess en", + "Al ice", + "ĠHen ri", + "Ġun ilaterally", + "ĠS idd", + "h ai", + "ĠSt retch", + "S ales", + "Ġcumbers ome", + "ĠJ avier", + "Ġtrend y", + "Ġrot ting", + "ĠChall enges", + "Ġscra ps", + "Ġfac ets", + "ĠVer onica", + "ĠVer ge", + "ĠS ana", + "Al ien", + "ĠR ih", + "Ġrad ial", + "ect ar", + "Ġ6 30", + "cl i", + "Mar ie", + "Ġwild fire", + "ĠCat o", + "h ander", + "Ġwait ress", + "Ġch ops", + "ĠS ECTION", + "Ġblunt ly", + "ĠCat alog", + "n ian", + "stud y", + "Ġpat rolling", + "ĠT enth", + "nex us", + "ĠN ON", + "op sy", + "Ġsc athing", + "s ie", + "Ġdeterior ated", + "V B", + "Naz is", + "Ġdep ictions", + "Ġauthent icated", + "ĠCon ce", + "k rit", + "Ġpromul g", + "ĠL ONG", + "U FC", + "ĠVis itors", + "ĠRec all", + "Ġrehab ilit", + "ĠSL I", + "Ġglac ier", + "ĠB ite", + "Ġ50 3", + "Ġvom it", + "Ġfer mented", + "ĠKh alid", + "Ġgrad ed", + "ĠMag icka", + "ĠIch igo", + "power ful", + "ic ators", + "75 3", + "Ġsh rew", + "Ġ35 6", + "Ġlegal izing", + "Ġall otted", + "ĠArch demon", + "ith ing", + "igg urat", + "V OL", + "Le od", + "Ġo ily", + "Ġindu cing", + "Ġamy gdala", + "Ġadm ins", + "ĠAcqu isition", + "C AN", + "Ġsche matic", + "Ġmo an", + "ĠCamer oon", + "Ġt ink", + "Ġmer ry", + "Ġbutter flies", + "ĠGo ff", + "Ġworks pace", + "ĠCor ona", + "Ġj avascript", + "ĠD olphin", + "ĠCant or", + "4 64", + "to e", + "AP S", + "ĠAg ing", + "Ġpadd ed", + "ĠZ heng", + "ĠHe ld", + "Ġest ranged", + "Ġ7 70", + ". }", + "ĠDun ham", + "Ġsm okes", + "Ġcap itals", + "und ai", + "Sh in", + "ĠFound ing", + "Ġent itle", + "Ġcenter piece", + "D iscover", + "Ġthere to", + "al ert", + "ĠN ou", + "ĠAnaly st", + "l c", + "F H", + "FI ELD", + "ĠP OV", + "gr ay", + "Ġar cs", + "ĠH OT", + "Ġr s", + "Ġoblig atory", + "ĠArchitect s", + "ĠS ven", + "ĠF EC", + "0 200", + "Christ mas", + "ĠAlban ia", + "rat om", + "58 7", + "Ġhard ships", + "Ġaut os", + "ĠCharg es", + "Ġap es", + "Ġ3 76", + "wal let", + "Ġintox ication", + "Ġgobl in", + "Ġ5 70", + "++++++++ ++++++++", + "ĠYel p", + "ĠMag netic", + "ĠBr iggs", + "R ail", + "Ġspawn s", + "ĠW iggins", + "Ġshowc ased", + "Ġres orted", + "ub en", + "Ġwh ipping", + "Ġim itate", + "Ġdigest ion", + "ĠUS PS", + "ĠG est", + "Ġye a", + "ĠT ight", + "ind al", + "ic as", + "` .", + "C AST", + "'' ;", + "ĠF et", + "opath ic", + "In valid", + "Ġregrett ed", + "Ġbro ccoli", + "ĠSc ores", + "e ve", + "Ġpost ings", + "Ġaccum ulating", + "Ġneed less", + "elf th", + "Ġmay ors", + "Ġsc rib", + "Ġanecd otes", + "Ġbot ched", + "ĠRib bon", + "ĠConstant ine", + "i uses", + "ess es", + "Ġdev ise", + "Comp ared", + "Ġp udding", + "Ġg arg", + "Ġev oke", + "79 7", + "Ġdet ox", + "9 09", + "ĠPie ces", + "ĠMcC artney", + "Ġmet ast", + "ĠK rypt", + "P OR", + "Ġt ending", + "ĠMerch ants", + "Pro of", + "ĠV arg", + "ĠPort able", + "ãĥ¼ãĥĨ ãĤ£", + "B rain", + "25 00", + "Ġfol iage", + "Ø ¹", + "Ġment ors", + "ĠA ires", + "Ġminimal ist", + "Ġing ested", + "ĠTro jan", + "ĠQ ian", + "inv olved", + "0 27", + "Ġer oded", + "RA FT", + "Ġbl urry", + "M ob", + "Ġbuff et", + "ĠFn atic", + "ae a", + "KN OWN", + "ĠIn it", + "s afety", + "en um", + "ACT ION", + "ĠCrus her", + "ĠD ates", + "Ġ ................", + "c alling", + "ak ov", + "Ġvent ured", + "Ġ5 55", + "au ga", + "H art", + "ĠA ero", + "M AC", + "Ġthin ly", + "Ġar ra", + "ST ATE", + "ild e", + "ĠJac qu", + "ĠFem ales", + "Ġthe orem", + "Ġ3 46", + "Ġsmart est", + "ĠPU BLIC", + "ĠK ron", + "ĠB its", + "ĠV essel", + "ĠTele phone", + "Ġdec ap", + "Ġadj unct", + "ĠS EN", + "mer ga", + "Ġred acted", + "Ġpre historic", + "Ġexplan atory", + "ĠRun s", + "ĠUtt ar", + "ĠM anny", + "ĠAUTH OR", + "ĠUnle ashed", + "ĠBow ling", + "be ans", + "79 3", + "Ġunivers es", + "Ġsens it", + "ĠK ung", + "re peat", + "ctr l", + "Ġp aced", + "Ġfull er", + "Cl ock", + "Ġrec omb", + "ĠF aul", + "ĠB unker", + "Ġpool ed", + "Ġan a", + "ĠM outh", + "LL OW", + "hum ane", + "Ġbull do", + "ĠMicha els", + "f am", + "Ġwreck ed", + "Ġport rays", + "ĠWh ale", + "ĠH es", + "Ġguess es", + "ĠBrow se", + "ĠL APD", + "Ġconsequ ential", + "ĠInn ocent", + "ĠD RAG", + "Ġtrans gress", + "ĠO aks", + "Ġtri via", + "ĠRes on", + "ĠA DS", + "-- +", + "ĠT oll", + "Ġgrasp ing", + "ĠTHE M", + "ĠT ags", + "ĠCon clusion", + "Ġpract icable", + "Ġho op", + "Ġunintention ally", + "Ġign ite", + "ĠM ov", + "ur ized", + "le hem", + "Ter min", + "Ġcolour ful", + "ĠLin ear", + "ĠEll ie", + "G y", + "Ġman power", + "Ġj s", + "Ġem oji", + "ĠSHAR ES", + "_ .", + "0000 7", + "Ġsophistic ation", + "Ġunders core", + "Ġpract ise", + "Ġbl ob", + "op ens", + "Uk raine", + "Ke eping", + "Y C", + "J R", + "ult imate", + "Cl aim", + "Ġautom obiles", + "99 3", + "ste el", + "Ġpart ing", + "ĠL ank", + "... ?", + "Ġ38 5", + "Ġremem brance", + "Ġe ased", + "Ġcov ari", + "ĠS ind", + "Effect ive", + "Ġdisse mination", + "ĠMo ose", + "ĠCl apper", + "br ates", + "App ly", + "Ġinv is", + "Ġwors ened", + "âĢĶ -", + "Ġlegisl ator", + "ĠL ol", + "ĠRow e", + "Ġdealers hip", + "um ar", + "id ences", + "Ġinvestig ates", + "Ġc ascade", + "Ġbid der", + "ĠB EN", + "Iron ically", + "Ġpres iding", + "Ġd ing", + "Ġcontrad icted", + "Ġshut s", + "ĠF IX", + "Ġ3 66", + "Dist rict", + "Ġsin ful", + "ĠChar isma", + "o ops", + "Ġtot ality", + "Ġrest itution", + "ĠOpt imus", + "ĠD ah", + "Ġcl ueless", + "urn ed", + "Ġnut rit", + "Ġland owners", + "Ġfl ushed", + "Ġbroad en", + "m ie", + "Ġprint ln", + "Ġn ig", + "ĠCorp us", + "J en", + "Ġprot o", + "ĠWik imedia", + "ĠPal o", + "C OR", + "Ġstory lines", + "Ġevangel icals", + "ĠDar rell", + "Ġrot or", + "ĠH W", + "sk illed", + "ery l", + "Ġbe gg", + "ĠBl umenthal", + "Ġwe aving", + "Ġdown wards", + "ĠJack et", + "ĠANG EL", + "Te chnology", + "Ġes oteric", + "alde hyde", + "Ġfur iously", + "Ġforeign er", + "We ak", + "CH O", + "ĠH ound", + "Exper ience", + "ĠPlay station", + "ĠM IA", + "ĠU ng", + "cl oth", + "ag all", + "Ġcal ming", + "iz ens", + "St ruct", + "ĠW itches", + "ĠCeleb ration", + "Ġ........ ......", + "pt roller", + "ĠTC U", + "Ġb unny", + "ãĥ į", + "ut orial", + "Ġup scale", + "ĠSt a", + "ĠCol ossus", + "Ġchlor ide", + "ĠZ ac", + "ĠRe asons", + "ĠBrook ings", + "ĠWH ITE", + "][ /", + "ĠL ose", + "9 05", + "Ġunders ide", + "ern els", + "Ġv ape", + "do zen", + "upp et", + "ĠST OP", + "mat ical", + "ĠStat ements", + "hed dar", + "P AC", + "Custom er", + "Ġmem os", + "ĠP J", + "end ars", + "ĠLim its", + "l augh", + "Ġstabil ized", + "ĠALE C", + "Y A", + "Up grade", + "al am", + "Ġtechn o", + "Ġan ew", + "fore seen", + "Ġcolleg iate", + "ĠPy ro", + "ĠD ism", + "Ġfront line", + "Ġammon ia", + "I U", + "Qu ite", + "John ny", + "ass in", + "G OP", + "ĠSt yles", + "ĠSovere ign", + "acter ial", + "5 49", + "ĠR IP", + "ĠL ists", + "Ġ3 64", + "ĠRece p", + "s ocket", + "ĠByr d", + "ĠCand le", + "An cient", + "Ġappell ant", + "en forcement", + "ace a", + "ans ki", + "Ġold s", + "88 6", + "Ġsl urs", + "Ġem pires", + "Ġbuck le", + "Ġalien ation", + "ĠAber deen", + "Ġunic orn", + "Ġoverr iding", + "ĠL X", + "pp a", + "Ġdesp ised", + "ĠB ugs", + "ĠB ST", + "S outhern", + "5 33", + "Ġhall mark", + "ĠPost er", + "Ġstem med", + "Ġprincip als", + "ĠT ECH", + "ĠSand wich", + "It aly", + "Ġche esy", + "ĠSet TextColor", + "ĠProt ective", + "ĠC ohn", + "J O", + "apt op", + "Re ason", + "Lead er", + "ĠUnder stand", + "ĠFr idays", + "ĠContin uous", + "Ġcl ipping", + "ĠR ye", + "Ġber th", + "tim er", + "ann is", + "re act", + "Ġbuff alo", + "ĠPar as", + "Ġ6 55", + "Ġpres ided", + "ĠSun rise", + "Ġve ts", + "Ġcl oves", + "ĠMcC ull", + "Stre ngth", + "G AN", + "Ġill iter", + "ĠPric ing", + "l é", + "Ġresist or", + "Ġbr un", + "ĠSuff olk", + "Ñ ĭ", + "ĠL iver", + "Re leased", + "Ġwhat s", + "8 60", + "ĠMe asures", + "Ġden ouncing", + "ĠRy zen", + "Ġsou ven", + "Ġcareg ivers", + "ch ini", + "ĠScar lett", + "Ġt rough", + "Cong ratulations", + "Ġtax is", + "ĠTrad ition", + "j it", + "Ġtable top", + "Ġhither to", + "Ġdis information", + "off ensive", + "h ra", + "ĠDISTR ICT", + "Ġcompl icate", + "chen ko", + "ĠRecon struction", + "Ġpalp able", + "Ġa usp", + "Ġ4 28", + "Ġshowc ases", + "ĠPublic ation", + "know ledge", + "inn on", + "4 19", + "Ġretri eval", + "and ers", + "Ġref ute", + "Ġinqu ired", + "g ur", + "Ġneg ativity", + "Ġcons erve", + "Ġafter life", + "Ġpres upp", + "ĠGill espie", + "Ġm t", + "ĠD N", + "T ap", + "Ġper pend", + "ĠS my", + "does n", + "Ġsp illing", + "Ġhyp ers", + "K ate", + "® ,", + "ke pt", + "ĠP owered", + "Ġj a", + "ĠK lux", + "ard e", + "ab an", + "Ġ4 44", + "Ġflatt ened", + "ĠImprove ments", + "urg a", + "ĠK und", + "Ġins cribed", + "Ġfac ult", + "Ġunpre pared", + "ĠCons umers", + "Ġsatisf ies", + "Ġpul monary", + "Ġinf iltration", + "Ġex ternally", + "Ġcongrat ulations", + "ag han", + "Ġair liner", + "Ġfl ung", + "Ġfly ers", + "G D", + "Ġsnipp ets", + "Ġrec ursive", + "Ġmaster ing", + "L ex", + "Ġovert ly", + "v g", + "Ġluck ily", + "Ġenc ro", + "ĠLanc et", + "ĠAbyss al", + "function al", + "Ġs ow", + "Ġsqu id", + "Ġnar ration", + "Ġn aughty", + "ĠHon our", + "ĠSpart ans", + "Ġsh atter", + "ĠTac oma", + "ĠCal ories", + "ĠR aces", + "Sub mit", + "Ġpurpose fully", + "w av", + "ĠY ok", + "F est", + "ĠG err", + "Met ro", + "Ġit iner", + "f amous", + "Ġ\" {", + "in line", + "was her", + "Iss ue", + "ĠCL IENT", + "oz o", + "Vers ions", + "7 25", + "ĠGl ock", + "Ġshield ed", + "ĠPC R", + "ENC Y", + "ĠWe ld", + "ĠSim pl", + "Ġredirect ed", + "ĠK ham", + "Ġ( >", + "Ġlab ou", + "Ġdi apers", + "ss l", + "Ġcell ar", + "organ isms", + "ore sc", + "ĠBer ks", + "did n", + "Sh ipping", + "C hest", + "Ġund one", + "Ġmillion aire", + "Ġc ords", + "ĠYoung er", + "appropri ately", + "Ġsequ els", + "u ve", + "ant icipated", + "Ġle wd", + "ĠSh irt", + "ĠDmit ry", + "V eter", + "Ġsl aying", + "ĠY ar", + "Ġcompl ication", + "I owa", + "ĠEric a", + "ĠBL M", + "g irlfriend", + "b odied", + "6 26", + "19 63", + "Ġintermedi ary", + "Ġcons olation", + "M ask", + "ĠSi em", + "ow an", + "Beg inning", + "Ġfix me", + "Ġculmin ated", + "Ġcon duc", + "ĠVolunte er", + "Ġpos itional", + "Ġgre ets", + "ĠDefin itions", + "Ġthink er", + "Ġingen uity", + "Ġfresh men", + "ĠMom ents", + "Ġ35 7", + "ate urs", + "ĠFed Ex", + "s g", + "69 4", + "Ġdwind ling", + "ĠBO X", + "sel age", + "Ġt mp", + "Ġst en", + "ĠS ut", + "Ġneighbourhood s", + "Ġclass mate", + "f ledged", + "Ġleft ists", + "Ġclim ates", + "ATH ER", + "ĠScy the", + "ul iffe", + "Ġs ag", + "Ġho pped", + "ĠF t", + "ĠE ck", + "ĠC K", + "ĠDo omsday", + "k ids", + "Ġgas ped", + "Ġmon iker", + "ĠL od", + "ĠC FL", + "t ions", + "r ums", + "fol ios", + "Ġm d", + "Ġunc anny", + "Ġtrans ports", + "ĠLab rador", + "Ġrail ways", + "Ġappl iance", + "ĠCTR L", + "æ Ģ", + "Pop ulation", + "ĠConfeder acy", + "Ġunb earable", + "Ġdors al", + "ĠIn form", + "op ted", + "ĠK ILL", + "Mar x", + "Ġhypoc ritical", + "q us", + "ĠN umerous", + "ĠGeorg ian", + "ĠAmbro se", + "ĠL och", + "Ġgu bernatorial", + "ĠX eon", + "ĠSupp orts", + "ens er", + "ee ly", + "ĠAven ger", + "19 65", + "Ar my", + "Ġju xtap", + "Ġcho pping", + "ĠSpl ash", + "ĠS ustainable", + "ĠFin ch", + "Ġ18 61", + "ict ive", + "at meal", + "ĠG ohan", + "Ġlights aber", + "ĠG PA", + "ug u", + "ĠRE PL", + "vari able", + "Ġher pes", + "Ġdesert s", + "ac iously", + "Ġsitu ational", + "week ly", + "ob l", + "Ġtext ile", + "ĠCorn wall", + "Ġcontrace ptives", + "ĠA ke", + "] -", + "ä¹ ĭ", + ": ,", + "ĠW em", + "ĠB ihar", + "Ġ' .", + "Ġbe re", + "Ġanal ogue", + "ĠCook ies", + "Ġtake off", + "Whe el", + "Ġmaj estic", + "Ġcomm uting", + "0 23", + "ĠCor pse", + "ass ment", + "min i", + "Ġgor illa", + "ĠAl as", + "ere e", + "Ġacquaint ances", + "ĠAd vantage", + "Ġspirit ually", + "Ġey ed", + "pm wiki", + "ĠE nder", + "Ġtrans lucent", + "Ġnight time", + "ĠIM AGES", + "5 45", + "ĠK amp", + "ĠFre ak", + "Ġ ig", + "Port land", + "4 32", + "ĠM ata", + "Ġmar ines", + "Ġh ors", + "ater asu", + "ĠAtt ribution", + "Ġ-------- -", + "Ġk ins", + "ĠBEL OW", + "++ +", + "Ġre eling", + "ol ed", + "Ġcl utter", + "ĠRel ative", + "Ġ4 27", + "B US", + "Ġa vert", + "ĠChe ong", + "ĠA ble", + "ĠPry or", + "Develop er", + "Ġen cyclopedia", + "ĠUSA F", + "ĠG arry", + "Sp ain", + "Bl ocks", + "Ġexp osition", + "ĠGamer Gate", + "W OR", + "Ġstockp ile", + "Ġclot hed", + "ĠT one", + "ĠR ue", + "t umblr", + "Ġtreacher ous", + "Ġf rying", + "Ñ Į", + "ĠS ph", + "Ġrest raints", + "Ġemb odies", + "ĠG es", + "S afety", + "Ġnegoti ators", + "min ing", + "ĠAppalach ian", + "L OS", + "ĠJenn a", + "Ġpass ers", + "ç ĭ", + "sn ap", + "Ġshort en", + "creat or", + "Ġinn umerable", + "uther land", + "67 4", + "ĠW OM", + "ĠAs cend", + "ĠArm ory", + "ĠTrans action", + "K ick", + "Ġsuit case", + "day Name", + "Ġwaste ful", + "mar riage", + "ĠMcC abe", + "ite ch", + "ĠO ss", + "Cl osure", + "ĠTreasure r", + "Ġindec ent", + "ĠD ull", + "Ġresid ences", + "19 59", + "ĠS ettlement", + "Ham ilton", + "Ġself ies", + "ĠRank ing", + "ĠBark ley", + "ĠB ore", + "ĠW CS", + "ĠMar itime", + "ĠH uh", + "ĠForest ry", + "Ġcultiv ating", + "ĠBall ard", + "Ġg arrison", + "ĠSD L", + "9 30", + "Ġnas cent", + "Ġirresist ible", + "Ġaw fully", + "\\/ \\/", + "Ġequ ate", + "Ġanthrop ology", + "ĠSylv ia", + "Ġintest ine", + "Ġinnoc uous", + "cess ive", + "ag ra", + "ĠMet roid", + "G rant", + "8 55", + "ģ ĸ", + "Ġ\" _", + "ãĥĥ ãĥī", + "Ġappra isal", + "ĠFred dy", + "04 6", + "Ġ40 6", + "Ġ18 30", + "Ġd ocking", + "St atic", + "Ġp ont", + "ĠVolt age", + "ĠSt ead", + "ĠMort gage", + "ĠJon ah", + "Y L", + "CLASS IFIED", + "Ġas bestos", + "nik ov", + "Ġcoll agen", + "ĠOrb ital", + "P ocket", + "7 99", + "Ġhy brids", + "inc hes", + "Ġinv oice", + "und y", + "Ġinequ alities", + "T rend", + "w ashed", + "B ALL", + "Ġluc id", + "ĠComment ary", + "Ġw itty", + "Br andon", + "Ġbru ising", + "Ġ6 20", + "es cent", + "box ing", + "P OL", + "Ġ3 78", + "R ect", + "Ġlic ences", + "ĠMcG ee", + "p ressed", + "D anny", + "Ġj ammed", + "ord inate", + "Ġle th", + "Ġdistingu ishes", + "ĠYam aha", + "IL S", + "ĠH ume", + "ĠC ategories", + "Rober ts", + "Ch art", + "Ġbeet le", + "ĠGra veyard", + "Ġ($ )", + "o ÄŁ", + "Ġtw ilight", + "are lla", + "á ½", + "Ġbooth s", + "ĠH HS", + "ĠFeld man", + "Ġexcav ation", + "Ġphilosoph ies", + "at ography", + "ĠGar age", + "te chnology", + "Ġunfor gettable", + "Ġver ifying", + "Ġsubord inates", + "E ls", + "Ġne b", + "G aming", + "EN A", + "ĠAchieve ment", + "it ters", + "ĠG abe", + "Ġd umps", + "for cer", + "Ġpo ignant", + "ĠM BA", + "ĠHe idi", + "ime i", + "Ġm ages", + "Ġliber ate", + "Ġcircum cised", + "ĠMer maid", + "ĠMat th", + "t ogether", + "ĠW ichita", + "Ġstore front", + "ĠAd in", + "V II", + "Four th", + "Ġexplore rs", + "W ER", + "Not able", + "Bro ok", + "m ens", + "F aith", + "-------- -", + "ĠJ ou", + "¬ ¼", + "Ġpine apple", + "Ġam alg", + "el n", + "ark able", + "ĠãĤµ ãĥ¼ãĥĨãĤ£", + "ĠãĤµãĥ¼ãĥĨãĤ£ ãĥ¯ãĥ³", + "Ġov arian", + "ĠE choes", + "Ġhairc ut", + "Ġp av", + "Ġch illed", + "anas ia", + "Ġsty led", + "Ġd ab", + "ni per", + "Ġminister ial", + "ĠD UP", + "T an", + "Ġsul ph", + "ĠD eter", + "ĠBo hem", + "od an", + "Ġeduc ator", + "â ĵĺ", + "sp ir", + "Ch icken", + "ĠE leanor", + "Ġqu i", + "Ġheav iest", + "Ġgrasp ed", + "U RA", + "Ġcro oked", + "Jess ica", + "pro blem", + "Ġpred etermined", + "Ġman iac", + "Ġbreath s", + "ĠLauder dale", + "Ġh obbies", + "y z", + "Cr ime", + "Ġcharism a", + "d L", + "Ġle aping", + "Ġk ittens", + "Ang elo", + "ĠJ ACK", + "ĠSu zanne", + "Ġhal ting", + "ENT ION", + "Ġswall owing", + "ĠEarthqu ake", + "Ġeight eenth", + "ĠN IC", + "ĠIN F", + "ĠCons cious", + "Ġparticular s", + "circ le", + "7 40", + "Ġbene volent", + "Ġ7 47", + "Ġ4 90", + "Ġr undown", + "ĠVal erie", + "ĠB UR", + "Ġcivil isation", + "ĠS chn", + "W B", + "ot ide", + "intern ational", + "Ġj ohn", + "Ġ19 02", + "Ġpe anuts", + "Ġflav ored", + "k us", + "Ġro ared", + "Ġcut off", + "é £", + "Ġorn ament", + "Ġarchitect ures", + "Ġ3 69", + "ol or", + "ĠWild e", + "ĠC RC", + "ĠAdjust ed", + "Ġprov oking", + "land ish", + "Ġrational ity", + "Ġjust ifies", + "Ġdisp el", + "Ġa meric", + "ĠPol es", + "Ø ©", + "Ġen vis", + "ĠD oodle", + "ä½ ¿", + "igs aw", + "auld ron", + "Techn ical", + "T een", + "up hem", + "ĠX iang", + "Ġdetract ors", + "ĠZ i", + "ĠJournal ists", + "Ġconduc ive", + "ĠVolunte ers", + "Ġs d", + "Know ing", + "Ġtrans missions", + "ĠPL AN", + "ĠL IB", + "Ġall uded", + "Ġob e", + "Ġd ope", + "ĠGold stein", + "Ġwavelength s", + "ĠDest ination", + "nd a", + "ug i", + "Ġattent ive", + "ĠLe an", + "ral tar", + "Ġman g", + "mb uds", + "ak ings", + "b ender", + "Ġacc ol", + "Ġcraw led", + "N OW", + "Min nesota", + "Ġflour ished", + "ĠZ up", + "ĠSuper visor", + "ĠOliv ier", + "Ex cellent", + "Ġwid en", + "D one", + "Ġw ig", + "Ġmiscon ceptions", + "Cor p", + "W an", + "Ġvener able", + "ĠNot ably", + "ĠKling on", + "an imate", + "Bo ost", + "ĠS AY", + "miss ing", + "ibli ography", + "mel on", + "Ġpay day", + "Ø ³", + "bo le", + "Ġve iled", + "ĠAl phabet", + "It alian", + "Ġever lasting", + "ĠR IS", + "ĠC ree", + "rom pt", + "Ġh ating", + "Ġgrin ning", + "Ġge ographically", + "OS H", + "Ġwe eping", + "ĠÂłĠÂłĠÂłĠÂł ĠÂłĠÂłĠÂłĠÂł", + "Ġimpe cc", + "Let ter", + "Ġblo ated", + "PL A", + "ĠFe in", + "Ġper sever", + "Th under", + "Ġa ur", + "ĠR L", + "Ġpit falls", + "âĸ º", + "Ġpredomin ant", + "Ġ5 25", + "7 18", + "AP E", + "7 14", + "Ġfarm land", + "ĠQ iao", + "Ġv iolet", + "ĠBah amas", + "Ġinflic ting", + "ĠE fficiency", + "Ġhome brew", + "Ġundert ook", + "Ġcur ly", + "ĠHard ing", + "man ia", + "59 6", + "Ġtem pered", + "Ġhar rowing", + "ĠP ledge", + "ĠFranken stein", + "è ª", + "M otion", + "Ġpredict ably", + "ĠExpl osion", + "oc using", + "er d", + "col o", + "FF ER", + "Ġback field", + "ĠV IDE", + "ue bl", + "N arr", + "ĠArg ument", + "Ġgen omic", + "Ġbout ique", + "Ġbatt ed", + "ĠB inary", + "Ġg amb", + "ĠRh ythm", + "67 3", + "Ġa float", + "ĠOlymp ia", + "Y ING", + "Ġend if", + "is in", + "Ġwin ters", + "Ġsc attering", + "I v", + "D istance", + "Ġtr u", + "ĠCom fort", + "Ġne xus", + "Ġair flow", + "ĠByz antine", + "p ayers", + "con i", + "ĠB etsy", + "D eal", + "ĠN ug", + "ĠContin ent", + "red ibly", + "Ġoptim izing", + "al beit", + "Ġec static", + "ĠPro to", + "ç ·", + "iv ot", + "âĸ Ħ", + "em p", + "rou nder", + "Ġcl out", + "ĠI ST", + "66 3", + "ĠDoll ars", + "ĠD AC", + "Ġsubsc ribed", + "Ġrehears al", + "Ġam ps", + "ĠSh ang", + "es m", + "Ġspr inkle", + "Ġassail ant", + "ĠO o", + "ĠCoin base", + "T act", + "Ġret ina", + "Ġn uns", + "R ON", + "att o", + "Ġj ug", + "ĠSV G", + "Ġb ikini", + "ĠFI LE", + "ĠFound ers", + "ep ort", + "ĠK P", + "Ġrest ores", + "ĠTh ick", + "Ġash ore", + "Ġappro vals", + "R ender", + "M AG", + "G raham", + "ĠCort ana", + "ãĥ³ ãĤ¸", + "ss h", + "or ians", + "ars ity", + "ĠInsp ired", + "u pper", + "Ġsign alling", + "Ġreb uke", + "Ġfl ares", + "Ġdownt ime", + "Stud ies", + "Ġstagn ation", + "ĠSequ ence", + "Ġgr unt", + "Ġass ures", + "ĠPL A", + "59 2", + "Ġintra ven", + "d epend", + "Sus an", + "ĠManz iel", + "Man ia", + "Cont ract", + "Ġsl ams", + "Ġcult ured", + "Ġcred itor", + "L IST", + "ĠH UM", + "ĠChatt anooga", + "serv ed", + "Ġclo aked", + "ĠF TP", + "p owder", + "ĠSt ella", + "uct ive", + "Ġcheap ly", + "ĠMU CH", + "ĠGalile o", + "Ġsu ites", + "spe ech", + "Ġdeliber ations", + "ĠCh ips", + "« ĺ", + "Bal ance", + "ĠWyn ne", + "ĠAk ron", + "Ass et", + "Ġhon oured", + "Ġed ged", + "Like wise", + "anim ous", + "ĠW age", + "ĠEz ek", + "ad vertisement", + "ĠRT X", + "ĠM AD", + "Ġmigr ating", + "ĠS QU", + "Ġ4 75", + "Ed ited", + "Ġshorth and", + "ĠBas ics", + "Ġcro tch", + "ĠEV EN", + "Ġv m", + "effic iency", + "Ġcal ves", + "ĠF rie", + "ĠBrill iant", + "Ġstri kers", + "Ġrepent ance", + "Ġarter ies", + "r l", + "B ed", + "h ap", + "Ġcrypt ography", + "ĠSab res", + "Ġ4 14", + "vi ks", + "ih ara", + "aps es", + "T alking", + "Ġintertw ined", + "Ġdoc ks", + "Ġalle le", + "ĠArt ifact", + "ĠH IM", + "t orn", + "ç ķ", + "Ġop acity", + "ĠE ly", + "os uke", + "Ġn ipple", + "Ġhand written", + "ĠV K", + "ĠChamber lain", + "ĠLa os", + "ig raph", + "g row", + "Ġtr illions", + "Ġdescend ant", + "ĠSail or", + "as uring", + "Ġce ilings", + "ĠWare house", + "f lying", + "ĠGl ow", + "Ġn ont", + "Ġmiscar riage", + "Ġrig s", + "Ġmin istries", + "Ġelabor ated", + "Ġdel usional", + "ĠHum ane", + "Ġ3 79", + "n ets", + "Ġblack out", + "add ers", + "Ġn p", + "ĠT ire", + "ro sc", + "Ġsub div", + "Ġlink age", + "Ġchron ological", + "ĠHER O", + "Ġres ettlement", + "ĠVin yl", + "Ġpast oral", + "ĠMob il", + "ĠBar bar", + "Co oldown", + "ĠF ritz", + "c riminal", + "re pe", + "Ġbell ig", + "ĠBre ed", + "Ġ4 18", + "Ġsem blance", + "ij k", + "Ġcur tail", + "Ġclin ch", + "cont ained", + "ĠProm pt", + "ast on", + "Ġw i", + "Ġpursu its", + "5 15", + "ĠGl oss", + "Ġfl ips", + "Ġcoup ons", + "Ġcl oning", + "ĠLike ly", + "Rem oved", + "ĠQu artz", + "r ices", + "ĠSpe ars", + "Ġp ious", + "Ġdep reciation", + "ĠD are", + "oun ces", + "am az", + "O nt", + "Ġp innacle", + "d ocker", + "0 26", + "ĠW yr", + "ĠPro per", + "Ë Ī", + "n il", + "By tes", + "Ġseek er", + "t rial", + "Ġunf olds", + "ĠMar se", + "Ġextravag ant", + "ĠSurviv ors", + "RED ACTED", + "ĠSpeed way", + "ĠCra igslist", + "sub mit", + "ĠGener ations", + "Ġup holding", + "Ġblood stream", + "ĠMiss ions", + "ĠL awn", + "Ġlim bo", + "ene i", + "H uh", + "ĠWild cats", + "pre p", + "ĠMark us", + "ĠFor bidden", + "rit ic", + "IN O", + "Ġexhib iting", + "requ ent", + "ch uk", + "Ġhabit ual", + "ĠComp atibility", + "Dr ag", + "RIP T", + "uj ah", + "GR OUND", + "Ġdelinqu ent", + "Ġburn er", + "Ġcontempor aries", + "Ġgimm ick", + "load s", + "Ġno zzle", + "p odcast", + "ĠW ak", + "ĠStat en", + "ĠK uh", + "ãģ ĵ", + "inter rupted", + "Ġinv incible", + "ĠBurn ett", + "cig arette", + "ĠPeb ble", + "ĠTem porary", + "ĠMar ino", + "58 2", + "Ġwast eland", + "ident ly", + "T x", + "Ġr ite", + "ĠPan asonic", + "ĠM iddles", + "ĠHort on", + "ae us", + "Ġc uring", + "Ġm ats", + "Ġadj ourn", + "Ġfears ome", + "pe z", + "bo ats", + "Ġpro pell", + "Ġconflic ted", + "ĠAng er", + "Ġinsurg ent", + "K arl", + "Ġco ales", + "Ġsouth western", + "Ġdis su", + "ĠO vert", + "******** ****", + "Ġbox ed", + "ĠBr une", + "aa a", + "Ġgard ening", + "ĠEng el", + "tr acks", + "Ġpur ified", + "Ġplace holder", + "ĠL ikes", + "Ġd an", + "G ab", + "Ġe ct", + "ĠF aw", + "ĠEl iot", + "Ġ' ,", + "otrop ic", + "ĠRu in", + "hed on", + "Ġca ul", + "Ġa ft", + "ĠCad illac", + "gh a", + "ass ian", + "ud eb", + "ĠT ick", + "Ġadjust s", + "AR GET", + "5 37", + "isc he", + "ant y", + "ĠFried rich", + "ĠBl izz", + "ĠA OL", + "Camp aign", + "Ġmamm al", + "ĠVe il", + "ĠK ev", + "ĠMaur it", + "ĠDam ien", + "N ation", + "E astern", + "Ġ{ :", + "Ġ= ================================", + "Ġstereotyp ical", + "Ġatt ic", + "ĠCy borg", + "requ ire", + "Ġaward ing", + "ĠPap ua", + "bt n", + "b ent", + "B oo", + "Ġ( =", + "ĠX ander", + "ĠSomers et", + "Ġcatch y", + "Ġcert ify", + "STR UCT", + "Ġit al", + "Ġt ides", + "ĠBr ands", + "G ray", + "comp etitive", + "Ġcur ator", + "ĠD G", + "omin ium", + "ĠGM Os", + "ci ating", + "ĠCarm en", + "ow ard", + "Balt imore", + "Ġr gb", + "C u", + "Ġwip es", + "spe ll", + "IT NESS", + "Ġsummar izes", + "ĠRe vis", + "Ġwhistlebl owers", + "ĠBre ach", + "Ġcro chet", + "k os", + "ews ki", + "Ġrep et", + "Ġcrim son", + "ĠKar achi", + "read able", + "dim ension", + "ĠI gor", + "ild ed", + "ĠZ ed", + "ĠKe ane", + "ĠCos metic", + "DE P", + "Ġretreat ing", + "ĠU A", + "ens ical", + "Ġd usk", + "ĠDick ens", + "Ġaren as", + "ĠPass age", + "level s", + "Ġcur v", + "P ope", + "Ġch ores", + "ĠEl ise", + "ĠComp ass", + "b ub", + "Ġmamm alian", + "ĠSans krit", + "ĠAN C", + "ĠCr ack", + "Q ual", + "L aun", + "amp unk", + "Ġlearn ers", + "Ġglam orous", + "Ġfur the", + "erm ott", + "c and", + "Gener ic", + "Ġnarr ated", + "Ġdisorder ly", + "ĠTrans actions", + "ĠDet ention", + "ĠR oku", + "Ä į", + "Ġunder statement", + "ĠS aur", + "ĠRodrig o", + "ĠAS AP", + "S in", + "Ġre joice", + "Method s", + "Ġelectro de", + "Ġworsh ipped", + "Ġid i", + "ĠPhys icians", + "Ġpop up", + "Ġde ft", + "ĠRem oval", + "ĠBu enos", + "ver bs", + "Ġfun k", + "ush a", + "rict ion", + "ore a", + "ĠBang alore", + "ĠKen obi", + "zz i", + "Ġnorm ative", + "Ġgobl ins", + "Ġcaf es", + "ĠUN CLASSIFIED", + "ĠF ired", + "S IGN", + "Ġs clerosis", + "ĠV oter", + "ĠSon ny", + "ĠExt end", + "ĠEV s", + "Ar senal", + "Ġp si", + "Ġwid est", + "ĠT us", + "Ġlo oms", + "Ġjust ifying", + "ĠGr anger", + "è ¯", + "Ref er", + "58 3", + "Ġflour ishing", + "ab re", + "Ġr ave", + "ĠCont ra", + "Ġ18 98", + "Add s", + "Ġf ul", + "ĠCo oke", + "some one", + "= #", + "67 1", + "Ġy ak", + "Ġar te", + "ĠMis cellaneous", + "ĠDet ection", + "ĠCl ancy", + "â ģ", + "ass ies", + "Ġval iant", + "ĠFemin ist", + "cor ruption", + "V el", + "P ear", + "Ġsucc inct", + "Ġquick est", + "k w", + "Ġsp itting", + "ĠL ibraries", + "åħ ī", + "ant z", + "D ad", + "ĠSpec ifications", + "rup ulous", + "and r", + "RES ULTS", + "Ġsnow ball", + "Ġpred is", + "ĠB axter", + "ĠNurs ing", + "ĠCh aff", + "s we", + "Ġout age", + "Ġnest ing", + "Ġnotor iety", + "tr igger", + "on ite", + "j on", + "Ġf ou", + "ook ed", + "ĠCelebr ity", + "re ality", + "Ġfat ig", + "Ġhug ging", + "Ġbother s", + "ĠPan zer", + "ĠCh andra", + "fig ured", + "Ġvol ts", + "ĠCloud s", + "Ġfee ble", + "ĠCur ve", + "ĠAs us", + "78 6", + "abs or", + "ĠV ICE", + "ĠH ess", + "Ġmanufact ures", + "Ġgri zz", + "ĠPower ful", + "ac id", + "Ġsub sections", + "ĠKrug man", + "ĠAl ps", + "is u", + "Ġsequ est", + "ĠUlt ron", + "ĠT inker", + "ĠGo ose", + "Ġmism atch", + "Att orney", + "Ġmorph ology", + "ĠSix ers", + "ut tered", + "ĠE LECT", + "gr an", + "Rus sell", + "ĠG SL", + "Ġfort night", + "Ġ. )", + "Ġapost le", + "pr one", + "el ist", + "Unt itled", + "ĠIm plementation", + "ist ors", + "Ġtank er", + "Ġpl ush", + "Ġattend ants", + "ĠT ik", + "ĠGreen wich", + "ĠY on", + "ĠSP L", + "cell s", + "unt led", + "S olution", + "ĠQu é", + "Ġvac ated", + "Ġupt ick", + "ĠMer idian", + "æ ĥ", + "ĠDr ill", + "9 25", + "58 4", + "Ġrenov ated", + "ĠKub rick", + "zy k", + "Ġl ousy", + "pp el", + "ohyd rate", + "ĠI zzy", + "lesi astical", + "CC C", + "ĠAj ax", + "Ġad apters", + "ĠPetra eus", + "Ġaffirm ation", + "ĠST OR", + "le ms", + "ad oes", + "ĠConstantin ople", + "Ġp onies", + "Ġl ighthouse", + "Ġadherent s", + "ĠBre es", + "omorph ic", + "Fight ing", + "Ġpl aster", + "ĠP VC", + "ĠOb st", + "Ġdear ly", + "ĠTo oth", + "icks on", + "Ġsh aming", + "P lex", + "A gg", + "Ġâ̦ \"", + "Ġsub reddits", + "Ġpige on", + "ĠResident ial", + "ĠPass ing", + "Ġl um", + "ĠP ension", + "Ġpessim istic", + "Ġ4 32", + "z inski", + "c ade", + "0 75", + "Ġapolog ised", + "iy ah", + "Put ting", + "Ġgloom y", + "ĠLy me", + "=-=-=-=- =-=-=-=-", + "ĠT ome", + "ĠPsych iatric", + "ĠH IT", + "c ms", + "ap olog", + "Ġbreak er", + "Ġdeep en", + "Ġtheor ist", + "ĠHigh lands", + "Ġb aker", + "Ġst aples", + "Ġinterf ered", + "ĠAb ortion", + "jo ined", + "ch u", + "Ġform ulate", + "Ġvacc inations", + "Ġban ter", + "phe us", + "Ġoutfield er", + "ĠM eter", + "Ġ# ####", + "Ġ18 95", + "Ġnarrow ing", + "ĠST ORY", + "f p", + "ĠC ST", + "ign ore", + "Ġproclaim ing", + "ĠR U", + "ĠB ALL", + "yn a", + "65 3", + "Ġpos it", + "P RE", + "59 4", + "ĠRegist rar", + "ĠPil grim", + "ic io", + "Ġpre tt", + "Ġlif eless", + "Ġ__ _", + "Ne igh", + "ĠCh urches", + "orn o", + "Ġor cs", + "Ġkind red", + "ĠAud it", + "Ġmillenn ial", + "ĠPers ia", + "g ravity", + "ĠDis ability", + "ĠD ARK", + "W s", + "od on", + "Ġgrand daughter", + "ĠBro oke", + "ĠA DA", + "ER A", + "Ġpick ups", + "ĠWil kinson", + "ĠSh ards", + "ĠN K", + "Ġexp el", + "ĠKis lyak", + "Ġj argon", + "Ġpolar ized", + "ian e", + "Pub lisher", + "Ġreb utt", + "Ġapprehens ion", + "ĠK essler", + "Ġpr ism", + "F UL", + "19 64", + "ĠL oll", + "ä ¿", + "le thal", + "Å Ł", + "Ġg hetto", + "Ġb oulder", + "ĠSlow ly", + "ĠOsc ars", + "ĠInst ruction", + "ĠUl tr", + "ĠM oe", + "N ich", + "ĠP ATH", + "( *", + "ĠRE LEASE", + "un ing", + "rou se", + "en eg", + "Ġre imb", + "ĠDet ected", + "Do S", + "Ġster ling", + "Ġaggreg ation", + "ĠLone ly", + "ĠAtt end", + "hig her", + "Ġairst rike", + "ks on", + "SE LECT", + "Ġdef lation", + "ĠHer rera", + "C ole", + "rit ch", + "Ġadvis able", + "F ax", + "Ġwork around", + "Ġp id", + "mort em", + "ers en", + "Ġtyp o", + "Ġal um", + "78 2", + "ĠJam al", + "script s", + "Ġcapt ives", + "ĠPres ence", + "ĠLie berman", + "angel o", + "Ġalcohol ism", + "ass i", + "Ġrec ite", + "Ġgap ing", + "Ġbask ets", + "ĠG ou", + "Brow ser", + "ne au", + "Ġcorrect ive", + "und a", + "sc oring", + "ĠX D", + "Ġfil ament", + "Ġdeep ening", + "ĠStain less", + "Int eger", + "Ġbu ggy", + "Ġten ancy", + "ĠMub arak", + "Ġt uple", + "ĠD roid", + "ĠS itting", + "Ġforfe it", + "ĠRasm ussen", + "ixt ies", + "es i", + "ĠKim mel", + "Ġmetic ulously", + "Ġap opt", + "ĠS eller", + "08 8", + "ec ake", + "hem atically", + "T N", + "Ġmind less", + "Ġdig s", + "ĠAcc ord", + "ons ense", + "em ing", + "br ace", + "Ġe Book", + "ĠDist ribut", + "ĠInvest ments", + "w t", + "] ),", + "beh avior", + "56 3", + "Ġbl inding", + "ĠPro testers", + "top ia", + "Ġreb orn", + "ĠKel vin", + "ĠDo ver", + "ĠD airy", + "ĠOut s", + "Ġ[ /", + "Ï Ģ", + "b p", + "ĠVan ity", + "ĠRec ap", + "ĠHOU SE", + "ĠF ACE", + "Ġ4 22", + "69 2", + "ĠAnt ioch", + "cook ed", + "Ġcoll ide", + "Ġa pr", + "Ġsle eper", + "ĠJar vis", + "Ġalternative ly", + "ĠLe aves", + "ĠM aw", + "Ġantiqu ity", + "ĠAdin ida", + "Ġab user", + "Poké mon", + "Ġass orted", + "ĠRev ision", + "ĠP iano", + "ĠG ideon", + "O cean", + "Ġsal on", + "Ġbust ling", + "ogn itive", + "ĠRah man", + "Ġwa iter", + "Ġpres ets", + "ĠO sh", + "ĠG HC", + "oper ator", + "Ġrept iles", + "Ġ4 13", + "ĠG arr", + "ĠCh ak", + "Ġhas hes", + "Ġfail ings", + "Ġfolk lore", + "Ġab l", + "ĠC ena", + "ĠMac Arthur", + "ĠCOUR T", + "Ġperipher y", + "app ers", + "Ġreck oned", + "ĠInf lu", + "ĠC ET", + "Ġ3 72", + "ĠDefin itive", + "ass ault", + "4 21", + "Ġreservoir s", + "Ġd ives", + "ĠCo il", + "DA Q", + "Ġvivid ly", + "ĠR J", + "ĠBel lev", + "Ġec lectic", + "ĠShow down", + "ĠK M", + "ip ed", + "reet ings", + "ĠAs uka", + "L iberal", + "ĠÏ Ħ", + "Ġbystand ers", + "ĠGood win", + "uk ong", + "S it", + "ĠT rem", + "Ġcrim inally", + "ĠCirc us", + "ch rome", + "88 7", + "Ġnan op", + "ĠOb i", + "ĠL OW", + "o gh", + "ĠAuth ors", + "ob yl", + "Ur ban", + "Ġt i", + "ĠWe ir", + "t rap", + "ag y", + "Ġparent heses", + "Ġout numbered", + "Ġcounter productive", + "ĠTob ias", + "ub is", + "P arser", + "ST AR", + "Ġsyn aptic", + "ĠG ears", + "Ġh iber", + "Ġdebunk ed", + "Ġex alted", + "aw atts", + "H OU", + "Ch urch", + "ĠPix ie", + "ĠU ri", + "ĠForm ation", + "ĠPred iction", + "C EO", + "Ġthro tt", + "ĠBrit ann", + "ĠMad agascar", + "ë ĭ", + "Ġbill boards", + "ĠRPG s", + "ĠBe es", + "complete ly", + "F IL", + "Ġdoes nt", + "ĠGreen berg", + "re ys", + "Ġsl ing", + "Ġempt ied", + "ĠPix ar", + "ĠDh arma", + "l uck", + "ingu ished", + "Ġend ot", + "Ġbab ys", + "05 9", + "che st", + "r ats", + "Ġr idden", + "Ġbeet les", + "Ġillum inating", + "Ġfict itious", + "ĠProv incial", + "Ġ7 68", + "Ġshe pherd", + "ĠR ender", + "Ġ18 96", + "C rew", + "Ġmold ed", + "ĠXia omi", + "ĠSp iral", + "Ġdel im", + "Ġorgan ising", + "Ġho ops", + "ĠBe i", + "z hen", + "Ġfuck in", + "Ġdec ad", + "Ġun biased", + "am my", + "sw ing", + "Ġsmugg led", + "Ġk ios", + "ĠP ERSON", + "ĠInquis itor", + "Ġsnow y", + "Ġscrap ing", + "ĠBurg ess", + "P tr", + "ag ame", + "R W", + "Ġdro id", + "ĠL ys", + "ĠCass andra", + "Jac ob", + "Ġ35 4", + "Ġpast ure", + "Ġfr anc", + "ĠScot ch", + "ĠEnd s", + "ĠI GF", + "def inition", + "Ġhyster ical", + "ĠBrown e", + "77 1", + "Ġmobil ization", + "æ ķ", + "iqu eness", + "Th or", + "Ġspear headed", + "Ġembro iled", + "Ġconject ure", + "jud icial", + "Ch oice", + "Ġpaper back", + "P ir", + "Ġrec overs", + "ĠSur ge", + "ĠSh ogun", + "ĠPed iatrics", + "ãģ ł", + "Ġsweep s", + "ĠLabor atories", + "ĠP acks", + "al us", + "add in", + "Ġhead lights", + "g ra", + "Ev idence", + "COL OR", + "Ad min", + "Ĭ ±", + "Ġconco ct", + "s ufficient", + "Ġun marked", + "Ġrich ness", + "Ġdiss ertation", + "Ġseason ing", + "Ġg ib", + "ĠM ages", + "un ctions", + "ĠN id", + "che at", + "ĠTM Z", + "c itizens", + "ĠCatholic ism", + "n b", + "Ġdisemb ark", + "ĠPROG RAM", + "a ques", + "Ty ler", + "Or g", + "ĠSl ay", + "ĠN ero", + "ĠTown send", + "IN TON", + "te le", + "Ġmes mer", + "9 01", + "Ġfire ball", + "ev idence", + "aff iliated", + "ĠFrench man", + "ĠAugust a", + "0 21", + "Ġs led", + "Ġre used", + "ĠImmun ity", + "Ġwrest le", + "assemb led", + "Mar ia", + "Ġgun shots", + "ĠBarb ie", + "Ġcannabin oids", + "ĠTo ast", + "ĠK inder", + "IR D", + "Ġre juven", + "Ġg ore", + "Ġrupt ure", + "Ġbre aching", + "ĠCart oon", + "Ġ4 55", + "ĠPale o", + "6 14", + "Ġspe ars", + "ĠAm es", + "ab us", + "Mad ison", + "GR OUP", + "Ġab orted", + "y ah", + "Ġfel on", + "Ġcaus ation", + "Ġprep aid", + "Ġp itted", + "op lan", + "ĠShel ley", + "ĠRus so", + "ĠP agan", + "Ġwill fully", + "ĠCan aver", + "und rum", + "ĠSal ary", + "ĠAr paio", + "read er", + "ĠR ational", + "ĠOver se", + "ĠCa uses", + "Ġ* .", + "Ġw ob", + "Ke ith", + "ĠCons ent", + "man ac", + "77 3", + "6 23", + "Ġfate ful", + "et imes", + "Ġspir ited", + "ĠD ys", + "Ġhe gemony", + "Ġboy cot", + "ĠEn rique", + "em outh", + "Ġtim elines", + "ĠSah ara", + "ĠRel ax", + "ĠQuin cy", + "ĠLess ons", + "ĠE QU", + "SE A", + "N K", + "ĠCost co", + "Incre ase", + "Ġmotiv ating", + "ĠCh ong", + "am aru", + "ĠDiv ide", + "Ġped igree", + "ĠTasman ia", + "ĠPrel ude", + "L as", + "9 40", + "57 4", + "Ġch au", + "ĠSp iegel", + "un ic", + "-- >", + "ĠPhil ips", + "ĠKaf ka", + "Ġuphe aval", + "Ġsent imental", + "Ġsa x", + "ĠAk ira", + "ser ial", + "Mat rix", + "Ġelect ing", + "Ġcomment er", + "ĠNeb ula", + "ple ts", + "ĠNad u", + "ĠAd ren", + "Ġen shr", + "ĠR AND", + "fin ancial", + "ĠCly de", + "uther ford", + "Ġsign age", + "Ġde line", + "Ġphosph ate", + "rovers ial", + "f ascist", + "ĠV all", + "ĠBeth lehem", + "Ġfor s", + "Ġeng lish", + "S olid", + "N ature", + "Ġv a", + "ĠGu ests", + "Ġtant al", + "Ġauto immune", + ";;;;;;;; ;;;;", + "ĠTot ally", + "ĠO v", + "Ġdef ences", + "ĠCoc onut", + "Ġtranqu il", + "Ġpl oy", + "Ġflav ours", + "ĠFl ask", + "ãĤ¨ ãĥ«", + "ĠWest on", + "ĠVol vo", + "8 70", + "Ġmicro phones", + "ver bal", + "R PG", + "Ġi ii", + "; }", + "0 28", + "Ġhead lined", + "Ġprim ed", + "Ġho ard", + "ĠSh ad", + "ĠEN TER", + "Ġtri angular", + "Ġcap it", + "l ik", + "ĠAn cients", + "Ġl ash", + "Ġconv ol", + "Ġcolon el", + "en emy", + "G ra", + "Ġpub s", + "ut ters", + "Ġassign s", + "ĠPen et", + "ĠMon strous", + "ĠBow en", + "il ver", + "H aunted", + "ĠD ing", + "start ed", + "pl in", + "Ġcontamin ants", + "ĠDO E", + "ff en", + "ĠTechn ician", + "R y", + "Ġrob bers", + "Ġhot line", + "ĠGuard iola", + "ĠKau fman", + "row er", + "ĠDres den", + "ĠAl pine", + "E lf", + "Ġf mt", + "ĠS ard", + "urs es", + "g pu", + "Un ix", + "Ġunequiv ocally", + "ĠCitizens hip", + "qu ad", + "m ire", + "ĠS weeney", + "B attery", + "6 15", + "Ġpanc akes", + "Ġo ats", + "M aps", + "ĠCont rast", + "mbuds man", + "ĠE PS", + "Ġsub committee", + "Ġsour cing", + "Ġs izing", + "ĠBuff er", + "ĠMand atory", + "Ġmoder ates", + "ĠPattern s", + "ĠCh ocobo", + "ĠZ an", + "ĠSTAT ES", + "ĠJud ging", + "ĠIn her", + "* :", + "Ġb il", + "ĠY en", + "Ġexh ilar", + "oll ower", + "z ers", + "Ġsn ug", + "max imum", + "Ġdesp icable", + "ĠP ACK", + "ĠAn nex", + "Ġsarcast ic", + "Ġlate x", + "Ġt amp", + "ĠS ao", + "b ah", + "ĠRe verend", + "ĠChin atown", + "ĠA UT", + "d ocumented", + "ĠGA BA", + "ĠCan aan", + "ĠÙ ħ", + "Ġgovern s", + "pre v", + "E sc", + "ĠEst imates", + "OS P", + "Ġendeav our", + "ĠCl osing", + "omet ime", + "every one", + "Ġwor sen", + "Ġsc anners", + "Ġdev iations", + "ĠRobot ics", + "ĠCom pton", + "Ġsorce rer", + "Ġend ogenous", + "Ġem ulation", + "ĠPier cing", + "ĠA ph", + "ĠS ocket", + "Ġb ould", + "ĠO U", + "ĠBorder lands", + "Ġ18 63", + "G ordon", + "ĠW TO", + "Ġrestrict s", + "Ġmosa ic", + "Ġmel odies", + "ç Ħ", + "T ar", + "Ġdis son", + "ĠProv ides", + "Ġ ......", + "b ek", + "F IX", + "Ġbro om", + "ans hip", + "Do ctors", + "Ġner ds", + "ĠReg ions", + "na issance", + "Ġmet e", + "Ġcre pt", + "pl ings", + "Ġgirlfriend s", + "kn it", + "ig ent", + "ow e", + "Ġus hered", + "ĠB az", + "M obil", + "4 34", + "ĠPres ents", + "orig in", + "Ġins omnia", + "ĠA ux", + "4 39", + "ĠCh ili", + "irs ch", + "G AME", + "Ġgest ation", + "alg ia", + "rom ising", + "$ ,", + "c row", + "ĠIn spection", + "at omic", + "Rel ations", + "J OHN", + "rom an", + "ĠClock work", + "ĠBak r", + "m one", + "M ET", + "Ġthirst y", + "Ġb c", + "Ġfacult ies", + "R um", + "Ġnu ance", + "ĠD arius", + "ple ting", + "fter s", + "etch up", + "Reg istration", + "ĠK E", + "R ah", + "Ġpref erential", + "ĠL ash", + "ĠH H", + "Val id", + "ĠN AV", + "Ġstar ve", + "ĠG ong", + "z ynski", + "ĠAct ress", + "Ġw ik", + "Ġun accompanied", + "lv l", + "Br ide", + "AD S", + "ĠCommand o", + "ĠVaugh n", + "Wal let", + "Ġho pping", + "ĠV ie", + "Ġcave ats", + "Ġal as", + "if led", + "ab use", + "66 1", + "Ġib n", + "Ġg ul", + "Ġrob bing", + "t il", + "IL A", + "Ġmit igating", + "Ġapt ly", + "Ġty rant", + "Ġmid day", + "ĠGil more", + "ĠDe cker", + "Ġ§ §", + "part ial", + "Ex actly", + "Ġphen otype", + "Ġ[+ ]", + "ĠP lex", + "ĠI ps", + "vers ions", + "Ġe book", + "Ġch ic", + "g ross", + "\":\" \"},{\"", + "ĠSur prisingly", + "M organ", + "Ġresid ues", + "ĠConf ederation", + "in feld", + "Ġl yr", + "mod erate", + "Ġperpend icular", + "V K", + "Ġsynchron ized", + "Ġrefres hed", + "Ġad ore", + "ĠTor ment", + "ol ina", + "Ġ26 00", + "Item Tracker", + "Ġp ies", + "ĠF AT", + "ĠR HP", + "0 48", + "ĠRES P", + "ĠB J", + "all ows", + "P and", + "Ġunw elcome", + "ĠV oc", + "ĠBast ard", + "ĠO W", + "ĠL AR", + "ĠHeal er", + "Environment al", + "ĠKen yan", + "ĠTr ance", + "ĠP ats", + "Ġali ases", + "ĠGar field", + "Ġcampaign er", + "Ġadvance ments", + "ĠOkin awa", + "ĠC oh", + "ows ky", + "Ġstar ved", + "Ġsize able", + "Ġ: -)", + "Ġm RNA", + "Ġsusp ensions", + "ist ar", + "Scot land", + "Pr in", + "-------------------------------- ----------------", + "Ġ50 2", + "Ġteasp oons", + "Ġ10 50", + "Ġcoerc ive", + "ĠMason ic", + "edd ed", + "ĠPass enger", + "Ġl att", + "Ġbr aces", + "ĠSt eal", + "ĠNY T", + "ĠK ats", + "ĠCel est", + "ae z", + "T u", + "ĠCoul ter", + "ðŁ ĺ", + "Fl ickr", + "ĠWil mington", + "ith s", + "++ ;", + "Ġv ending", + "Ġneg ro", + "ĠPh i", + "ĠYellow stone", + "Call back", + "Ġsh ampoo", + "ĠSh ades", + "w at", + "Ġsuper human", + "Ġridic uled", + "Ġhol iest", + "om bo", + "Ġintern s", + "Ġh one", + "ĠPar agu", + "UR I", + "Ġd angling", + "ãĤ »", + "so v", + "ict ional", + "av ailability", + "Ġrev ocation", + "Ġd ow", + "in ic", + "ĠTHE IR", + "Ġis o", + "Ġout ings", + "ĠLeth al", + "Ġ) ))", + "Ġinacc ur", + "Ġout landish", + "Ġan us", + "let ico", + "id on", + "l ol", + "Ġun regulated", + "Ġsuccumb ed", + "Ġc uff", + "ĠWast eland", + "let al", + "Ġsub str", + "Ġcoff ers", + "Ġautom akers", + "ov i", + "ĠX ue", + "ĠDayton a", + "Ġjar ring", + "Ġf umes", + "Ġdisband ed", + "z ik", + "itt on", + "Ġstriking ly", + "Ġsp ores", + "Ad apter", + ".) :", + "ĠLynd on", + "ival ry", + "Ġor ally", + "Ġtumult uous", + "Ġdisple asure", + "Ġcon es", + "or rect", + "Ġappe ase", + "Ġder by", + "ĠTrip oli", + "ĠAl ess", + "Ġp oked", + "ĠGu ilty", + "v P", + "En ough", + "Ġorig inals", + "6 99", + "Ġrabb i", + "Ġproverb ial", + "Ġpostp one", + "el ope", + "ĠMist y", + "Ġstaff ed", + "ĠUn employment", + "redit ary", + "Ġdilig ent", + "re comm", + "me asures", + "as in", + "8 25", + "Ġpond s", + "Ġmm ol", + "ĠS AR", + "ĠC ARE", + "Ġ3 71", + "Ġclen ched", + "ĠCors air", + "Ġcaric ature", + "z n", + "att ach", + "ĠSch ro", + "spe ak", + "p ainted", + "ĠS uc", + "ĠE NT", + "Ġcell ul", + "ĠP aid", + "di agn", + "WH ERE", + "Ġtext ed", + "B arn", + "Ġret racted", + "ĠRe ferred", + "S av", + "Ġup keep", + "Ġwork places", + "ĠTok ens", + "Ġampl ify", + "cl inical", + "Ġmult ic", + "mber g", + "Ġconvol uted", + "Reg ion", + "5 65", + "ĠTop ic", + "Ġsn ail", + "Ġsal ine", + "Ġins urrection", + "ĠPet r", + "f orts", + "B AT", + "ĠNav ajo", + "Ġrud imentary", + "ĠLak sh", + "OND ON", + "Me asure", + "Ġtransform er", + "ĠGodd ard", + "Ġcoinc ides", + "ir in", + "R ex", + "ĠB ok", + "qu it", + "Ġshotgun s", + "Ġprolet arian", + "Ġsc orp", + "ĠAd a", + "5 14", + "Ġsl ander", + "record ed", + "Ġemb ell", + "ris ome", + "Ġapolog izing", + "ĠMul cair", + "ĠGib raltar", + "Cl a", + "Ġall ot", + "ĠAtt ention", + "Ġ4 33", + "le ave", + "Ġwh ine", + "ĠIss a", + "ĠFa ust", + "ĠBar ron", + "hen y", + "Ġvictim ized", + "J ews", + "Ġnurt uring", + "ett el", + "W inged", + "ĠSub tle", + "Ġflavor ful", + "ĠRep s", + "eng ed", + "call back", + "Ġdirection al", + "Ġcl asp", + "ĠDirect ions", + "plan et", + "icult ure", + "Hel per", + "ic ion", + "ac ia", + "Ġç ¥ŀ", + "Ġsur ges", + "Ġcan oe", + "ĠPrem iership", + "be en", + "Ġdef ied", + "ĠTro oper", + "Ġtrip od", + "Ġgas p", + "ĠE uph", + "ĠAd s", + "vern ight", + "high ly", + "R ole", + "Ġent angled", + "ĠZe it", + "6 18", + "ĠRust y", + "Ġhaven s", + "ĠVaugh an", + "HA EL", + "ĠSER VICE", + "/ ,", + "Ġstr icken", + "Ġdel usions", + "Ġb is", + "ĠH af", + "Ġgrat ification", + "Ġent icing", + "UN CH", + "Ad ams", + "ĠOL ED", + "ĠBeet le", + "Ġ18 99", + "ĠSO FTWARE", + "ateg or", + "V L", + "ĠTot em", + "ĠG ators", + "AT URES", + "Ġimped ance", + "Reg istered", + "ĠC ary", + "ĠAer ial", + "on ne", + "en ium", + "Ġd red", + "ĠBe g", + "Ġconcurrent ly", + "Ġsuper power", + "ĠX an", + "j ew", + "imes ter", + "ĠDick inson", + "âĶ ģ", + "F la", + "Ġp ree", + "ĠRoll ins", + "© ¶æ", + "Ġden omination", + "ĠL ana", + "5 16", + "Ġinc iting", + "sc ribed", + "j uries", + "ĠWond ers", + "app roximately", + "Ġsusp ending", + "Ġmountain ous", + "ĠL augh", + "oid al", + "N s", + "Det ect", + ") =", + "ĠL uthor", + "ĠSchwarz enegger", + "ĠMull er", + "ĠDev i", + "ec ycle", + "J ar", + "6 13", + "ĠL ongh", + "B ah", + "ĠSP ORTS", + "n w", + "Ġref inement", + "Ġwater ways", + "Ġd iner", + "Bl ade", + "68 3", + "F ac", + "Ġinitial s", + "Ġro g", + "Ġparan ormal", + "B UT", + "Ġ[ (", + "ĠSw anson", + "ĠM esh", + "âĸ ¬", + "Impro ve", + "ĠRad iation", + "ĠEst her", + "ĠE sk", + "ĠA ly", + "ik y", + "Ġir rad", + "ĠBuck ingham", + "Ġref ill", + "Ġ. _", + "Re pe", + "CON CLUS", + "Ġdifferent iated", + "Ġchi rop", + "ĠAt kins", + "Pat tern", + "Ġexc ise", + "Ġcab al", + "N SA", + "ĠST A", + "ĠS IL", + "ĠPar aly", + "Ġr ye", + "ĠHow ell", + "ĠCount down", + "ness es", + "alys ed", + "Ġres ize", + "ãĤ ½", + "Ġbudget ary", + "ĠStr as", + "w ang", + "Ġap iece", + "Ġprecinct s", + "Ġpe ach", + "Ġsky line", + "Ġ35 3", + "pop ular", + "App earances", + "ĠMechan ics", + "ĠDev Online", + "S ullivan", + "Z en", + "Ġp u", + "op olis", + "5 44", + "Ġde form", + "Ġcounter act", + "ĠL ange", + "Ġ4 17", + "Con sole", + "77 4", + "Ġnodd ing", + "Ġpopul ism", + "Ġhe p", + "Ġcoun selling", + "compl iance", + "U FF", + "Ġunden iably", + "Ġrail ing", + "ĠHor owitz", + "ĠSim one", + "ĠBung ie", + "Ġa k", + "ĠTal ks", + "x ff", + "fl ake", + "Cr ash", + "Ġsweat y", + "Ġban quet", + "ĠOFF IC", + "Ġinvent ive", + "Ġastron omer", + "ĠStam ford", + "ĠSc are", + "ĠGRE EN", + "olic ited", + "Ġr usher", + "Ġcent rist", + "ight ing", + "Ġsub class", + "Ġdis av", + "Ġdef und", + "ĠN anto", + "oci ate", + "m ast", + "Ġpac if", + "Ġm end", + "e ers", + "imm igration", + "ESS ION", + "Ġnumber ing", + "Ġlaugh able", + "ĠEnd ed", + "v iation", + "em ark", + "P itt", + "Ġmetic ulous", + "ĠL F", + "Ġcongrat ulated", + "ĠBir ch", + "Ġsway ed", + "Ġsemif inals", + "Ġhum ankind", + "m atter", + "ĠEqu ip", + "opa usal", + "S aid", + "ĠLay out", + "Ġvo icing", + "Ġth ug", + "Ġporn ographic", + "I PS", + "Ġmo aning", + "Ġgriev ance", + "Ġconf essions", + "esc al", + "TEXT URE", + "Aut hent", + "os aurus", + "P urchase", + "Ġreleg ation", + "al ter", + "ĠÂł Âł", + "Ġr iddled", + "Ġo gre", + "ĠLow ell", + "Occ up", + "E at", + "ĠHy der", + "ĠAdvis er", + "Com merce", + "H unt", + "ĠOr th", + "ĠComp etitive", + "ĠCL A", + "CD C", + "Ġsal ads", + "F le", + "Ġindustrial ized", + "` ,", + "ĠO WN", + "Ġbec k", + "ĠPart icularly", + "oub t", + "Ġm M", + "ĠHuss ain", + "ĠChen nai", + "Ġ9 20", + "Ġappoint ing", + "ĠCull en", + ",,,, ,,,,", + "Ġp ores", + "ver ified", + "Ġbi ochemical", + "em ate", + "Ġcoward ly", + "ĠHels inki", + "ĠEthiop ian", + "S OURCE", + "ER C", + "est ro", + "Ġbi otech", + "ĠS our", + "Ġbrew er", + "Bloom berg", + "Ġintens ify", + "Gl ass", + "an co", + "ĠF DR", + "gre SQL", + "ĠF ires", + "©¶æ ¥µ", + "ec o", + "100 1", + "ĠHom eless", + "Ġinstant aneous", + "ĠH aste", + "ig el", + "D iamond", + "Ġp aving", + "Ġland fill", + "Ġd ads", + "h oun", + ": ]", + "Ġinc endiary", + "ĠLiving ston", + "ĠHil bert", + "ĠChe cks", + "st yles", + "in ators", + "ĠCl ive", + "ph rine", + "Ġchimpan zees", + "Ġp all", + "ĠJ M", + "ĠAad haar", + "ð Ŀ", + "Ġachie vable", + "dis abled", + "P ET", + "OOOO OOOO", + "M ot", + "Ġint angible", + "Ġbal let", + "ĠWe bs", + "ĠEst imated", + "Effect s", + "Ġb ailed", + "Josh ua", + "Ġturb ulence", + "Ġoccup ant", + "ĠDay light", + "Ġ36 1", + "me et", + "Ġstat ically", + "Ġon look", + "Ġk i", + "il legal", + "Ġvel vet", + "Ġdehyd ration", + "Ġacqu ies", + "ĠRe z", + "ak ura", + "ĠU pton", + "at ro", + "Ġincomp rehensible", + "Ġback door", + "ĠRh ino", + "7 27", + "Ġmath s", + ") +", + "Ġhe resy", + "Ġd f", + "ĠRoc he", + "ĠL ydia", + "Ġpanc reat", + "re ply", + "arre ll", + "Ġsolicit ation", + "Ġcirc adian", + "BI P", + "Ġfor ay", + "Ġcrypt ic", + "iz u", + "ime o", + "ĠTom ato", + "ĠH oms", + "ex amination", + "Ġqu arry", + "ĠVal iant", + "ĠJer icho", + "ĠIN CLUD", + "Ġ18 40", + "5 19", + "Ġres ists", + "Ġsnap shots", + "ĠSp ur", + "ĠAnt iqu", + "Log in", + "Ġbest selling", + "Ġant ic", + "ĠS utherland", + "ãĤ¢ ãĥ«", + "Ġ~ /", + "ĠP arm", + "è ĥ", + "P ages", + "int ensity", + "Ġimm obil", + "Ġ18 65", + "zz o", + "Ġn ifty", + "Ġf entanyl", + "ĠPres ervation", + "op hen", + "Ġd arts", + "ĠD inosaur", + "po inters", + "ĠR ite", + "s uggest", + "aware ness", + "ĠSher idan", + "Ġst ances", + "Ġsor cery", + "Ġper jury", + "ĠNik ola", + "ie ver", + "Ġf iance", + "ĠJordan ian", + "ĠBall oon", + "Ġn ab", + "Ġk b", + "Ġhuman ities", + "ĠTan aka", + "hill ary", + "Ġconsult ancy", + "ĠZ ub", + "Ġrem ission", + "Ġconf id", + "CH Q", + "ĠF ug", + "Ġimpro vis", + "Y ep", + "/ _", + "Ġunwilling ness", + "Ġport folios", + "05 5", + "ĠInstruct or", + "aim an", + "Ġclaim ants", + "M bps", + "ĠBy e", + "re ceived", + "T weet", + "Ġind emn", + "ri z", + "am ara", + "N at", + "Ġeval uates", + "ĠL ur", + "ep ad", + "FO X", + "ĠTh ro", + "Ġrust y", + "Ġbed rock", + "ĠOp rah", + "J B", + "Ġmanip ulative", + "Ġwill ful", + "Ġrel apse", + "Ġext ant", + "The me", + "S ensor", + "ĠSt ability", + "go vern", + "Ġpo ppy", + "Ġkn ack", + "Ġins ulated", + "ĠT ile", + "ĠExt rem", + "Ġunt old", + "Ġconver ge", + "Ġref uel", + "ig roup", + "Ġdistort ions", + "Ġrav aged", + "Ġmechan ically", + "ĠRe illy", + "ĠN ose", + "ĠIncarn ation", + "ĠBeck y", + "abb ling", + "Ġt aco", + "Ġr ake", + "Ġmelanch oly", + "Ġillust rious", + "ĠDart mouth", + "Gu ide", + "ĠR azer", + "ĠBen z", + "Ult imate", + "ĠSur prise", + "Ġpage ant", + "off er", + "Who ever", + "Ġw iser", + "Ġchem ist", + "ĠHE LL", + "ĠBul k", + "Ġpl utonium", + "ĠCO VER", + "Ö ¼", + "f ailed", + "Ġtire lessly", + "Ġinf ertility", + "ĠTr ident", + "ĠShow time", + "ĠC iv", + "V ice", + "requ ires", + "itt ance", + "Ġun controlled", + "interest ing", + "56 1", + "Ġinnov ate", + "ateg ic", + "L ie", + "ĠS elling", + "U l", + "Ġsav ior", + "ĠT osh", + "Ġsw ast", + "P ASS", + "Ġr ink", + "Ġcard io", + "ĠI ro", + "ud i", + "Ġv antage", + "Ġv ans", + "ĠNi ño", + "+ =", + "Ġpropag ate", + "< ?", + "Ġmethod ological", + "204 39", + "Ġtrig lycer", + "Ġing rained", + "ĠAn notations", + "arr anted", + "6 17", + "ĠS odium", + "ĠA AC", + "techn ical", + "mult ipl", + "Ġ3 73", + "å ĭ", + "Ġdec isively", + "Ġboost ers", + "Ġdessert s", + "ĠGren ade", + "Ġtest ifying", + "ĠSc ully", + "ID s", + "Ġlock down", + "ĠSc her", + "ĠR é", + "ĠWhit man", + "ĠRams ay", + "rem ote", + "Ġh ikers", + "ĠHy undai", + "Ġcons cientious", + "Ġcler ics", + "ĠSiber ian", + "ut i", + "is bury", + "Ġrel ayed", + "Ġqu artz", + "ĠC BI", + "seek ers", + "ull a", + "Ġweld ing", + "ĠSh al", + "ble acher", + "T ai", + "ĠSam son", + "Ġt umble", + "ĠInvest or", + "Ġsub contract", + "ĠShin ra", + "ow icz", + "j andro", + "d ad", + "Ġtermin ating", + "ĠNe ural", + "ä» £", + "Ġleak age", + "ĠMid lands", + "ĠCaucas us", + "í ķ", + "c it", + "ll an", + "iv ably", + "ĠAlb ion", + "Ġ4 57", + "Ġregist rations", + "Ġcomr ade", + "Ġclip board", + "0 47", + "Ġdiscour aging", + "ĠO ops", + "Ad apt", + "Ġem path", + "n v", + "ĠPR OT", + "ĠDon n", + "ĠP ax", + "ĠB ayer", + "t is", + "Squ are", + "Ġfoot prints", + "part icip", + "ĠChile an", + "B rend", + "ind ucing", + "M agn", + "Ġclub house", + "ĠMagn um", + "Ġenc amp", + "ĠEth nic", + "uch a", + "ere y", + "Ġw atered", + "ĠCal ais", + "Ġcomplex ion", + "Ġsect s", + "Ġren ters", + "Ġbr as", + "oÄŁ an", + "Time out", + "Man agement", + "Ġinf ographic", + "P okemon", + "Cl ar", + "Ġloc ality", + "Ġfl ora", + "as el", + "P ont", + "Ġpop ulate", + "ĠO ng", + "Ġsubs istence", + "Ġa uctions", + "ĠMcA uliffe", + "ĠL OOK", + "br inger", + "Ġtit an", + "Ġmanif old", + "ĠâĹ ı", + "Ġcalibr ated", + "Ġcal iphate", + "ĠSH E", + "ĠCommission ers", + "ce ivable", + "j c", + "W inner", + "5 24", + "Ġcond one", + "Other wise", + "Ġp iling", + "Ġem body", + "ĠCrime an", + "ut ics", + "ĠEx hibition", + "Ġ4 26", + "e ering", + "Ġv ying", + "ĠH UGE", + "* =-", + "Ġprin cipled", + "à ¦", + "Ġquir ks", + "ĠEdit ors", + "put ing", + "G ES", + "ĠF TA", + "ठ¾", + "add on", + "ĠH AM", + "ĠFrie za", + "W oman", + ". $", + "Ġc rib", + "ĠHer od", + "Ġtim ers", + "ĠSp aces", + "ĠMac intosh", + "at aka", + "Ġgl ide", + "Ġsmell ing", + "ĠB AL", + "Ġun su", + "Ġcond os", + "Ġbicy cl", + "ĠRev ival", + "55 3", + "Ġjugg ling", + "H ug", + "ĠKardash ian", + "ĠBalk ans", + "mult iple", + "Ġnutrit ious", + "oc ry", + "19 00", + "Ġinteg rates", + "Ġad joining", + "ĠF older", + "roll ment", + "ven ient", + "Ġu ber", + "y i", + "Ġwh iff", + "ĠJu ven", + "ĠB orough", + "net te", + "Ġb ilingual", + "ĠSp arks", + "ph thal", + "man ufact", + "Ġt outing", + "ĠPH I", + "Ke efe", + "Rew ard", + "Ġinf all", + "ĠTem per", + "typ ically", + "ĠNik ol", + "Ġregular s", + "Ġpseud onym", + "Ġexhib itions", + "Ġbl aster", + "Ġ40 9", + "w arming", + "Ġrever ber", + "Ġrecip rocal", + "Ġ6 70", + "ip ient", + "b ett", + "ĠBe gins", + "Ġit ching", + "ĠPh ar", + "Ass uming", + "Ġem itting", + "ĠML G", + "Ġbirth place", + "Ġt aunt", + "ĠL uffy", + "ĠAm it", + "Ġcir cled", + "ĠN ost", + "enn ett", + "Ġde forestation", + "ĠHist orically", + "ĠEvery day", + "Ġovert ake", + "79 2", + "Ġn un", + "ĠLuc ia", + "Ġaccompan ies", + "ĠSe eking", + "ĠTr ash", + "an ism", + "R ogue", + "Ġnorth western", + "ĠSupplement al", + "ĠNY U", + "ĠF RI", + "ĠSat isf", + "x es", + "5 17", + "Ġreass ured", + "Ġspor adic", + "Ġ7 01", + "Ġmed ial", + "Ġcannabin oid", + "Ġbarbar ic", + "Ġep is", + "ĠExplos ive", + "ĠD ough", + "Ġuns olved", + "Support ed", + "Ġacknowled gment", + "sp awn", + "Ġkit chens", + "Ġ- =", + "talk ing", + "ic ist", + "ĠPeg asus", + "ĠPS U", + "Ġphot on", + "ĠAuthent ication", + "R G", + "@# &", + "76 2", + "ĠCl air", + "Ġdi aper", + "Ġbr ist", + "ĠProsecut ors", + "ĠJ em", + "6 28", + "ĠEvery where", + "ĠJean ne", + "equ ality", + "ãĥ© ãĥ³", + "object s", + "ĠPel icans", + "Ġ39 2", + "Ġbl u", + "b ys", + "ĠA go", + "Ġinstruction al", + "Ġdiscrim inating", + "ĠTR AN", + "ĠCorn el", + "ag os", + "Ġty re", + "Ġas piration", + "ĠBrid gewater", + "\": -", + "! \".", + "ĠEn s", + "ĠCoc o", + "P ie", + "Ġdet ach", + "ĠC ouch", + "Ġphys ique", + "ĠOccup ations", + "osc opic", + "en ough", + "B uzz", + "App earance", + "Y P", + "Ġrac er", + "Ġcompl icity", + "r pm", + "T oy", + "Ġinterrupt s", + "ĠCat alyst", + "Ġut ilitarian", + "imp act", + "Ġsp aghetti", + "Ġp orous", + "Ġeste emed", + "Ġinc iner", + "ĠI OC", + "7 48", + "Ġesp resso", + "ĠSm ile", + "abil ia", + "6 35", + "Ġmathematic ian", + "Ġ4 24", + "ĠK L", + "ĠH IP", + "Ġover heard", + "ĠT ud", + "ĠT ec", + "Ġqu izz", + "Ġfl attering", + "Ġcon n", + "âĢ İ", + "Ġatt aches", + "ĠR OS", + "ĠAC S", + "Ġt cp", + "ĠSh ame", + "sk ip", + "res pected", + "ĠTrin idad", + "gr ain", + "Ġfooth old", + "ĠUnch arted", + "ĠJul io", + "z l", + "av ored", + "ĠAn xiety", + "er rors", + "ĠCent auri", + "its ch", + "D addy", + "Ġclutch ing", + "ĠIm plement", + "ĠGut ierrez", + "Ġ7 60", + "Ġtele portation", + "end ra", + "Ġrevers ible", + "st ros", + "Ad venture", + "08 3", + "Ġliber ating", + "Ġas phalt", + "ĠSp end", + "AR DS", + "im sy", + "PR ES", + "ĠEmer ging", + "Ġwild fires", + "Ġtechn ologically", + "Ġem its", + "ĠART ICLE", + "Ġirregular ities", + "Ġcher ish", + "çī Ī", + "Ġst ink", + "ĠR ost", + "Econom ic", + "Ġcough ing", + "ĠMcC ann", + "pro perties", + "ilant ro", + "Ġreneg oti", + "Trans lation", + "Ġin quest", + "ĠGra pe", + "oot ers", + "gu i", + "ĠSwords man", + "ace ae", + "h itting", + "Ġr c", + "Ġexert ed", + "ĠS AP", + "it ent", + "Ġperil ous", + "Ġobsc urity", + "Ġassass inate", + "Ġab original", + "Ġresc uing", + "ĠSh attered", + "lock ing", + "all ion", + "Ch anging", + "ĠHar rington", + "ĠB ord", + "ĠAfgh ans", + "Jam ie", + "aret z", + "ĠAugust us", + "Ġ38 6", + "8 30", + "Ġj og", + "ok ingly", + "Tr igger", + "ĠH OR", + "Stat istics", + "Ġviewers hip", + "Ġadd itives", + "h ur", + "Ġmaxim izing", + "ĠR ove", + "ĠLou ie", + "ĠBuck et", + "ĠCHR IST", + "ou sel", + "Ġstre aks", + "ir ted", + "Ġt ert", + "Ġcolonial ism", + "Ġbur ying", + "y k", + "Cond ition", + "ĠDPR K", + "By Id", + "75 1", + "âĹ ¼", + "Ġwor risome", + "Ġvoc ational", + "sl ice", + "Ġsa ils", + "ĠCorrection al", + "95 4", + "Ġt ul", + "K id", + "l uster", + "Ġfam ilial", + "ĠSp it", + "ĠEp iscopal", + "Specific ally", + "ĠVol cano", + "run s", + "q s", + "Ġve tted", + "Ġcram med", + "t rop", + "here r", + "Thank fully", + "Ġper cussion", + "Ġor anges", + "Ġround up", + "Ġ4 99", + "x ious", + "Char acters", + "ĠZion ism", + "ĠR ao", + "ÃĽ ÃĽ", + "W F", + "Ġunintention al", + "ONE Y", + "Gr ab", + "Com mercial", + "Ġglut amate", + "ĠMcK enna", + "ru ciating", + "ning ton", + "ih u", + "Ch an", + "ĠSw ap", + "Ġleaf lets", + "Ġfunction ally", + "er ous", + "F arm", + "Ġcal oric", + "ĠLiter ally", + "con cert", + "Ġshe nan", + "Ġrep aid", + "ey es", + "Ġbas hing", + "ĠG orge", + "Ġcollabor ations", + "Ġun account", + "itch ie", + "Ġteam work", + "pp elin", + "Ġpip ing", + "Ġmin ced", + "Ġd iam", + "ri eg", + "Ġmasc ara", + "Ġsuck er", + "ĠMo ons", + "App s", + "ĠPe ck", + "Ġper v", + "ĠFl oat", + "o ley", + "ĠN ish", + "im ize", + "Ġarom atic", + "u in", + "end ish", + "! /", + "ĠB icycle", + "ĠAS IC", + "ile ged", + "ĠQuad ro", + "ios yn", + "Ġlock out", + "ĠW ink", + "SP EC", + "Attempt s", + "Ġseed ed", + "red o", + "ias is", + "Ġsn ag", + "ãĥķ ãĤ©", + "ãĤ ¶", + "Ġground ing", + "Ġrelie ver", + "Ġfrivol ous", + "ĠG ifts", + "ĠF aces", + "Es pecially", + "Ġmicrobi ome", + "im ag", + "ĠSch l", + "ĠP les", + "ĠBle ach", + "ĠIr win", + "ĠE aton", + "ĠDisc iple", + "Ġmultipl ication", + "Ġcoer ced", + "Ġ4 19", + "st h", + "E vil", + "B omb", + "Ġex orc", + "Ġstag gered", + "L ESS", + "Ġinert ia", + "ĠED IT", + "Ġgo b", + "Tr aditional", + "Ġclass y", + "Lear y", + "ĠP AGE", + "yr s", + "Ġtrans porter", + "Ġmat ured", + "Ġhij ab", + "Ġbi ome", + "Where as", + "Ġex termination", + "ĠT ues", + "ĠT akeru", + "ĠAud rey", + "er ial", + "ĠAd en", + "aff les", + "Ġnarciss istic", + "ĠB aird", + "UT F", + "I re", + "ĠCon nie", + "Ch amp", + "Ġwhis pering", + "ĠH att", + "D K", + "Ġdis infect", + "Ġdeduct ed", + "Ġpart ake", + "Ġdown grade", + "ĠEs ports", + "ĠContin uing", + "Ġdemocr atically", + "icro bial", + "itt a", + "Ġlim estone", + "Ġexempt ed", + "ĠFren zy", + "H erm", + "7 28", + "Ġfled gling", + "Met a", + "765 61", + "69 3", + "% :", + "w ake", + "5 26", + "ĠDis cipline", + "Ġvirgin ity", + "ĠLeg ions", + "ĠFrank ie", + "int ent", + "Ġrest rooms", + "ĠRou ter", + "da q", + "Ġobjection able", + "âĨ ij", + "w ark", + "ĠRah ul", + "g ain", + "activ ation", + "abs olute", + "ĠAccess ed", + "Ġ24 00", + "ogg les", + "Ġsecond ly", + "ĠDEF ENSE", + "Ġpost age", + "wra pper", + "sh arp", + "7 29", + "Ġcommun icates", + "Ġadd on", + "ĠMil itia", + "H ong", + "Ġsl umped", + "ĠJP EG", + "ĠI car", + "ad ish", + "68 1", + "Ġmaj esty", + "ĠWolf gang", + "ĠEl astic", + "u per", + "Ġv iz", + "Ġunconscious ly", + "ĠST D", + "ĠS ass", + "Ġflower ing", + "ĠHel ic", + "ĠDra per", + "ĠAm ateur", + "Ġman ure", + "Ġdis ingen", + "ĠLe i", + "br ing", + "9 49", + "Ġinhib ited", + "Ġhead quartered", + "Ġen igmatic", + "�� �", + "Ġred ress", + "R H", + "Ġratt led", + "Ġd iction", + "l io", + "ĠT BA", + "ĠSN AP", + "C alling", + "Ġfasc ists", + "ĠD ove", + "iew icz", + "0 36", + "Ġco asts", + "ĠR ect", + "Ġ) ]", + "L ot", + "6 29", + "ĠS EM", + "ĠPeters en", + "ĠExpl ain", + "ĠBo ards", + "ĠBe zos", + "ĠJ ournals", + "Ġ20 24", + "p arser", + "Ġmist rust", + "Ġgr ate", + "ĠL ocked", + "bo a", + "S aint", + "g aming", + "Ġvow el", + "in ately", + "bl ow", + "All ah", + "Ġun matched", + "Ġb ordering", + "ĠExp end", + "n r", + "Or acle", + "rou ch", + "Ġcont iguous", + "ac us", + "Ġdist raught", + "58 1", + "Ġanat omical", + "O X", + "ap ixel", + "8 33", + "ĠPL US", + "Ġres usc", + "Ġab iding", + "57 3", + "Ġvac ancies", + "Em ily", + "Ġhyp othal", + "ĠWer ner", + "ĠWe e", + "ĠDJ s", + "5 13", + "Ġwitch craft", + "Ġac upuncture", + "ent ary", + "benef it", + "Product s", + "ĠP SP", + "ĠMP G", + "ĠJ inn", + "ĠJ arrett", + "Ġ4 45", + "ĠIm aging", + "ĠP yth", + "Fin ish", + "Ġte x", + "Ġjuven iles", + "Ġhero ism", + "Ġdoubt less", + "ĠA ki", + "ĠT end", + "ĠPatri arch", + "Ġbit ters", + "ĠTele communications", + "it atively", + "ag na", + "Ġr g", + "ĠS OLD", + "Ġcomp ulsion", + "ĠN asa", + "ĠKath ryn", + "Ġmillion aires", + "Ġintrins ically", + "Ġbolst ered", + "time out", + "fl o", + "Ġtut or", + "p our", + "Stat ement", + "Ġ{ *", + "ĠRud olph", + "ĠKimber ly", + "rog ens", + "adi q", + "] +", + "Ġindign ation", + "Ġfract uring", + "ĠRe leases", + "ĠGr ain", + "pro tein", + "L ago", + "Ġvac ations", + "Ġboot ed", + "ĠTH REE", + "ĠH G", + "oresc ence", + "Ġt f", + "Ġso ar", + "iosyn cr", + "Ġgl ances", + "ĠSp oon", + "ĠJ ury", + "ĠCow boy", + "Ġcreat ively", + "Hig her", + "Ġsolic itor", + "Ġhaw k", + "ac io", + "89 6", + "Ġsuperf lu", + "Ġbombs hell", + "ct ure", + "Ġbroker age", + "Ġraid ing", + "Ġf rench", + "Ġang led", + "Trans action", + "ĠGen ocide", + "u pe", + "ĠHait ian", + "57 2", + "! :", + "Ġunwitting ly", + "iter ator", + "sc roll", + "Ġtall ied", + "Ġbi omedical", + "ĠC ARD", + "Ġe uphem", + "Ġbrain storm", + "a quin", + "K o", + "Mic helle", + "ĠR unes", + "ĠBall istic", + "ud ers", + "Ġmod esty", + "ĠiP ads", + "ĠEzek iel", + "Y E", + "Ġstars hip", + "Ġpower fully", + "Ġper l", + "ĠSh ade", + "ĠQu art", + "ĠE EG", + "Ġfisher man", + "OS ED", + "ĠTyp ical", + "df x", + "Ġmes hes", + "Ġet ched", + "worth iness", + "Ġtopp led", + "Ġ3 96", + "or ius", + "We iss", + "Ġmy sql", + "ĠVal halla", + "Ù Ĵ", + "le asing", + "Ġrec omp", + "rap nel", + "S el", + "04 3", + "Ġder ailed", + "ĠGu ides", + "IR T", + "Ġde human", + "ĠBritt any", + "\" ))", + "Ġex claim", + "Ġb alk", + "Ġ8 40", + "CLA IM", + "int el", + "L AB", + "Ġpe gged", + "Ġast roph", + "sm oking", + "Ġrig ging", + "Ġfix ation", + "Ġcat apult", + "ins ide", + "ĠC ascade", + "ĠBolshe vik", + "G aza", + "Dep th", + "Ġloud spe", + "Ġalmond s", + "me yer", + "l eness", + "j en", + "f resh", + "Ġunbeat en", + "ĠSqu id", + "ĠPres umably", + "Tim er", + "B W", + "Ġro sters", + "Ġell ipt", + "ĠHar riet", + "dat abase", + "ĠMut ual", + "ĠComm odore", + "uk ed", + "kn ife", + "ĠCOMM UN", + "h ya", + "Ġmel ts", + "arch ives", + "Ġrat ification", + "Ġmultip lying", + "Ġinter oper", + "Ġasc ert", + "w ings", + "ver ting", + "ĠScorp ion", + "ay e", + "ĠPorts mouth", + "ĠM TA", + "n it", + "iaz ep", + "Ġqu arantine", + "Ġslides how", + "Ġcent imeters", + "Ġsyn opsis", + "Ġsp ate", + "th irst", + "Ġnom inating", + "ĠMel vin", + "Pre view", + "Ġthro b", + "Ġgener ational", + "ĠRad ius", + "rest ling", + "put able", + "aw ar", + "N ECT", + "Ġunlaw fully", + "ĠRevel ations", + "Wik ipedia", + "sur v", + "Ġeye ing", + "ij n", + "ĠF W", + "Ġbr unt", + "Ġinter stellar", + "Ġcl itor", + "ĠCroat ian", + "ĠCh ic", + "ev a", + "ĠDis app", + "ĠA kin", + "iner ies", + "d ust", + "Interest ed", + "Ġgen esis", + "ĠE ucl", + "ö n", + "p icking", + "Ġmut ated", + "Ġdisappro ve", + "ĠHD L", + "Ġ6 25", + "Ì ¶", + "c ancer", + "Ġsqu ats", + "Ġle vers", + "Disc uss", + "= ]", + "D ex", + "ĠVIDE OS", + "A UD", + "Ġtrans act", + "ĠKin ect", + "ĠK uala", + "ĠC yp", + "7 47", + "Ġsh attering", + "Ġarsen ic", + "ĠInt ake", + "ĠAngel o", + "ĠQu it", + "ĠK he", + "Ġ18 93", + "M aker", + "0 29", + "ĠPain ting", + "Dis able", + "9 16", + "Ġanal ges", + "Ġtact ile", + "Ġprop hes", + "Ġd iced", + "ĠTravel s", + "ĠHe ader", + "ĠClub s", + "Ass istant", + "Ġinc rim", + "Ġd ips", + "Ġcruc ifix", + "ĠShan ahan", + "ĠInter pret", + "Ġ40 90", + "al ogy", + "abb a", + "Ġsimul ac", + "hus band", + "S IM", + "Ġrecy cle", + "uc er", + "ed ged", + "Ġre naissance", + "ĠBomb ay", + "Cath olic", + "ĠL INE", + "ĠCl othing", + "re ports", + "Ġpl aus", + "Ġd ag", + "ĠM ace", + "Z I", + "Ġintr uder", + "ĠVeter inary", + "g ru", + "Ġsne aky", + "ĠS ie", + "ĠC innamon", + "P OSE", + "Ġcou rier", + "ĠC NS", + "Ġemanc ipation", + "s it", + "Ġplay through", + "ĠFac ilities", + "v irt", + "ĠG auntlet", + "Thom pson", + "Ġunbeliev ably", + "Param eters", + "Ġst itching", + "ign e", + "ĠTH ESE", + "Priv acy", + "Ġshenan igans", + "Ġvit ri", + "ĠVal id", + "59 1", + "Ń ·", + "ĠProt otype", + "ink a", + "SC P", + "ĠT id", + "è Ī", + "old ed", + "Ġindividual ity", + "Ġbark ing", + "Ġm ars", + "ĠW D", + "Ġ8 20", + "Ġt ir", + "Ġsl apping", + "Ġdisgr untled", + "ĠAng ola", + "ri us", + "ĠTorn ado", + "ĠTh urs", + "Ġcapt cha", + "Ġang st", + "ĠP og", + "ĠAssass ins", + "ĠAd idas", + "Ġjoy ful", + "Ġwh ining", + "Emer gency", + "Ġphosph orus", + "Ġatt rition", + "oph on", + "ĠTimber wolves", + "ĠJ ah", + "ĠBr inging", + "ĠW ad", + "ĠEn sure", + "oh l", + "ĠX ie", + "omm el", + "c mp", + "Ġz ipper", + "Ġrel at", + "ĠCor ridor", + "m ilo", + "T ING", + "Av g", + "Ġcro pped", + "] }", + "Ġr aged", + "ĠLump ur", + "ĠGuer rero", + "our ke", + "N ut", + "Ġoff sets", + "og lu", + "dr m", + "Ġmort als", + "lat able", + "Ġdismiss ive", + "ä¸ ī", + "Ġthro ats", + "Ġchips et", + "ĠSpot light", + "Catal og", + "art ist", + "G b", + "Ġch illy", + "Ġst oked", + "Ġ3 74", + "W ard", + "L atin", + "Ġf iasco", + "Ġble ach", + "Ġb rav", + "Enh anced", + "Ġin oc", + "ĠFior ina", + "_ >", + "Ġle ukemia", + "Ġel uc", + "Ġannoun cer", + "ĠLith uan", + "ĠArm ageddon", + "å ĩ", + "Len in", + "ĠR uk", + "Ġpe pp", + "ĠRom antic", + "ĠP IT", + "ĠInter stellar", + "ĠAt kinson", + "R aid", + "J s", + "Go al", + "C ourse", + "Ġvan ishing", + "es ley", + "ĠR ounds", + "Els a", + "59 3", + "Ġredund ancy", + "ĠST AND", + "Ġprop hetic", + "Ġhabit able", + "ry u", + "Ġfaint ly", + "M ODE", + "Ġfl anked", + "IR C", + "Aw esome", + "Ġsp urious", + "ĠZ ah", + "ĠMS G", + "Ġsh ading", + "Ġmotiv ational", + "ĠSant ana", + "ĠS PR", + "Ġexc ruciating", + "om ial", + "ĠM iko", + "ĠLe opard", + "A byss", + "Ġ[ |", + "d irty", + "Ġbath s", + "Ġdem oral", + "and re", + "P B", + "Ġun ification", + "Ġsac rament", + "Ġ[ &", + "Ġpric eless", + "Ġgel atin", + "Ġeman ating", + "ĠAll aah", + "98 6", + "Ġout burst", + "Ġer as", + "ĠX VI", + "ĠSP I", + "O tt", + "ĠLaz arus", + "PL IED", + "F lying", + "blog s", + "W isconsin", + "R aven", + "Ġreb ate", + "Ġcreep s", + "ĠSp an", + "ĠPain ter", + "ĠKir a", + "ĠAm os", + "ĠCor vette", + "Cons umer", + "ĠRec over", + "ck i", + "Ġpes ky", + "ĠIn vention", + "Compan ies", + "Ġchalleng ers", + "ad emic", + "ĠUkrain ians", + "ĠNeuro log", + "ĠFors aken", + "Ġent rants", + "Ġemb attled", + "Ġdef unct", + "ĠGlac ier", + "Ġpo isons", + "ĠH orses", + "m akes", + "ĠD irt", + "Ġ4 23", + "hh h", + "ĠTrans formation", + "QUI RE", + "................ ..", + "Ġtrave ller", + "ĠSe xy", + "ĠK ern", + "ip olar", + "Ġransom ware", + "oooooooo oooooooo", + "E c", + "rub y", + "Prof essional", + "ĠOut break", + "arg ument", + "G rey", + "ĠFif a", + "ĠCH O", + "ĠFOR M", + "ĠAm trak", + "- [", + "Ġcr adle", + "Ġantioxid ants", + "ãģ®å ®", + "7 36", + "ĠNAS L", + "ĠContribut ions", + "Ind iana", + "ĠST EP", + "C SS", + "Ġsal ient", + "Ġall ocations", + "yr ights", + "Ġm ashed", + "ĠCut ter", + "Sex ual", + "Ġp ounded", + "Ġfan base", + "Ġc asc", + "ĠTrans parency", + "Ġanaly tic", + "ĠSummon er", + "× ŀ", + "ĠAD C", + "det ail", + "Ġvan quished", + "Ġcr abs", + "ar ie", + "Dest roy", + "ĠS ack", + "Ġtrans istor", + "Al abama", + "ĠK oen", + "ĠFisher ies", + "c one", + "Ġannex ed", + "ĠM GM", + "es a", + "Ġf aked", + "ĠCong ratulations", + "Ġhind ered", + "Ġcorrection al", + "ĠI TV", + "lee ve", + "Ġin appropriately", + "lic ks", + "Ġtresp ass", + "Ġp aws", + "Ġnegoti ator", + "ĠChrist ensen", + "lim its", + "ĠDian ne", + "Ġeleg ance", + "ĠContract s", + "an ke", + "Ob j", + "Ġvigil ance", + "Ġcast les", + "ĠN AD", + "ĠHol o", + "Ġemph atically", + "ĠTit us", + "ĠServ ing", + "ĠRich ie", + "ĠP igs", + "5 68", + "Ġanim osity", + "ĠAtt ributes", + "ĠU riel", + "M Q", + "my ra", + "ĠApplic ant", + "Ġpsychiat rists", + "ĠV ij", + "ĠAb by", + "ag ree", + "P ush", + "Ġk Wh", + "hib a", + "Ġinc ite", + "ĠWe asley", + "ĠTax i", + "minist ic", + "hy per", + "ĠF arn", + "Ġ6 01", + "ĠNation wide", + "F ake", + "95 2", + "Ġma ize", + "Ġinteract ed", + "Ġtransition ed", + "Ġparas itic", + "Ġharm onic", + "Ġdec aying", + "Ġbas eless", + "ns ics", + "Ġtrans pired", + "Ġabund antly", + "ĠFore nsic", + "Ġtread mill", + "ĠJ av", + "ab and", + "Ġssh d", + "Ġfront man", + "ĠJak arta", + "oll er", + "dro ps", + "ĠSERV ICES", + "rompt u", + "oph ical", + "h ospital", + "bled on", + "6 45", + "Ġmid range", + "ĠEV ENT", + "cul ated", + "raw led", + "Ġper ched", + "Ġover board", + "ĠPe el", + "ĠP wr", + "ĠCar th", + "ĠCOM PLE", + "co e", + "sh all", + "Ġdeter rence", + "M ETHOD", + "ĠAbs ent", + "M EN", + "Ġs ill", + "ĠLE VEL", + "Y ork", + "Ġsin ners", + "ĠOP EC", + "ĠN ur", + "ĠDesign s", + "se lection", + "Ġunw orthy", + "CH A", + "Ġstreng thens", + "88 3", + "ed ly", + "Ġslic ing", + "Ġmal nutrition", + "Ġfilm making", + "ĠPol k", + "ur ated", + "Ġ4 21", + "bre akers", + "!' \"", + "Ġwet lands", + "ĠDisc rimination", + "Ġallow able", + "Ġste ered", + "ĠSic ily", + "S AM", + "Ġmust ache", + "Ġm ids", + "Ġcl ipped", + "Ġcirc ulate", + "Ġbr ittle", + "ĠBuild ings", + "ra ised", + "ĠRound up", + "Ġwealth ier", + "Ġoverw rite", + "Ġover powered", + "ĠGerr ard", + "s ites", + "PD ATED", + "Ġacute ly", + "ĠGam ble", + "Ġp im", + "ĠK us", + "Typ ically", + "De ploy", + "ĠMoroc can", + "p otion", + "com be", + "Ġvigil ante", + "Ġ36 3", + "St ew", + "ĠB agg", + "Ġres ided", + "ĠSp o", + "Ġrem nant", + "Ġempt iness", + "br ainer", + "Ġout patient", + "pri ority", + "Ġle ptin", + "ĠPay ton", + "ĠGle aming", + "ĠS hed", + "ĠPol o", + "ĠMormon ism", + "rest ricted", + "arl ane", + "w x", + "Ġcreat ine", + "ĠAn on", + "ĠST UD", + "ĠJ UL", + "ĠT ee", + "5 28", + "08 9", + "Ġhat ched", + "Dis patch", + "ĠCompos ite", + "Ġ45 1", + "p uff", + "ĠX COM", + "ĠOr n", + "ĠTH ANK", + "END ED", + "ĠAshe ville", + "Ġà ľ", + "Ġman go", + "ĠS lightly", + "world ly", + "ĠW ander", + "ĠExp and", + "ĠCh r", + "M ist", + "Ġorthodox y", + "ĠUN ESCO", + "reg ate", + "Else where", + "k ie", + "ir led", + "Ġtopp le", + "Ġadopt ive", + "ĠLeg s", + "d ress", + "ĠS agan", + "b are", + "ĠGl ou", + "Cr unch", + "Ġhelp ers", + "Ġchron ically", + "ĠH uma", + "1 0000", + "Ġaccommod ating", + "äº Ķ", + "Ġwrink les", + "Ġdod ged", + "four th", + "Ġpre con", + "Ġcompress or", + "ĠK are", + "Ġev ict", + "ĠWar wick", + "im ar", + "Ġmodern ization", + "Ġband wagon", + "Ġref uted", + "Ġnet ted", + "ĠNa ples", + "ĠGen ie", + "per ors", + "Ġfield ed", + "Ġde re", + "ĠPar ables", + "le es", + "Ġtr out", + "asp ers", + "Ġn ihil", + "Ġhapp iest", + "Ġflo ppy", + "ĠLo ft", + "ĠHe ard", + "Ġun ison", + "Ġl ug", + "ĠRed mond", + "class ic", + "Supp orters", + "SH IP", + "G MT", + "Ġfue lled", + "ç IJ", + "Ġd d", + "ĠEmin em", + "Ġ18 97", + "NY SE", + "Ġsecret aries", + "ĠF IA", + "ĠCanaver al", + "F avorite", + "Ġp omp", + "Ġdetain ee", + "ers hip", + "aim on", + "i our", + "ĠA pex", + "Ġplant ations", + "am ia", + "ac ion", + "R ust", + "Ġtow ed", + "ĠTru ly", + "5 77", + "Ġshel tered", + "r ider", + "W o", + "Ġl air", + "ĠInt elligent", + "impro ve", + "m atically", + "Ġet iquette", + "ad ra", + "all o", + "ĠJun o", + "any thing", + "ĠStru ggle", + "ĠPred ict", + "ĠGr imes", + "ĠAMER ICA", + "ct x", + "ĠSit uation", + "W OOD", + "Ġsol uble", + "me ier", + "Ġintoler able", + "ang ering", + "Ġun interrupted", + "Ġtool tip", + "Ġinterrog ated", + "Ġgun ned", + "ĠSne ak", + "æŃ ¦", + "Ġt ether", + "Ġcr umble", + "L ens", + "Ġclust ered", + "ĠSy l", + "ĠHas an", + "Ġdystop ian", + "w ana", + "Ġjoy stick", + "ĠTh ib", + "amm u", + "Tom orrow", + "5 46", + "Ġoverc ame", + "Ġminim ized", + "cept or", + "Run ner", + "ENG TH", + "ĠBrend a", + "ĠAchieve ments", + "Ġtor ches", + "Ġrapp ort", + "ĠInvestig ator", + "ĠHand ling", + "rel ation", + "g rey", + "8 15", + "Ġk cal", + "ĠComm ands", + "d q", + "Ġcur ls", + "Ġbe arer", + "Ġcyn icism", + "it ri", + "ĠUse ful", + "B ee", + "D CS", + "Ġab ras", + "P ract", + "BIL ITIES", + "7 12", + "Ġdebug ger", + "Ġdebt or", + "ĠL ia", + "ĠK ers", + "Ġexacerb ate", + "ĠSt acy", + "ĠB land", + "ĠSc enes", + "Ġbranch ing", + "âĸĪâĸĪâĸĪâĸĪ âĸĪâĸĪâĸĪâĸĪ", + "ape ake", + "Ġs alsa", + "Ġmish and", + "ĠKon ami", + "ĠN ib", + "Ġanecd ote", + "Ġagree able", + "Ï ī", + "ĠNath aniel", + "ĠHe isman", + "ĠB eware", + "Ġ18 86", + "spect ive", + "69 1", + "5 22", + "Ġinhib its", + "Ġhas hing", + "Ġ18 89", + "å° Ĩ", + "v ich", + "P ure", + "Ġsolid ly", + "Ġaspir in", + "im aru", + "Ġstreet car", + "ĠU CS", + "ĠJ udd", + "Ġflash backs", + "p ins", + "Ġ14 40", + "ĠUN HCR", + "ĠSym ptoms", + "T IT", + "5 38", + "F ra", + "% );", + "Ġo oz", + "Ġcur few", + "Ġcal med", + "Ġparticip ates", + "Te X", + "Ġnons ensical", + "Ġfull back", + "ĠDe L", + "mon key", + "h ari", + "Ġmetabol ites", + "Ġloot ed", + "ĠAL WAYS", + "ĠB CC", + "L t", + "oc het", + "B one", + "Ġveto ed", + "Ġg cc", + "ĠCL ICK", + "Ġ18 88", + "s af", + "Ġstiff ness", + "Ġlow ly", + "ĠGe h", + "vers on", + "ors et", + "Ġun foreseen", + "Ġan esthesia", + "ĠOpt ical", + "Ġrecon structed", + "ĠT up", + "sh ows", + "NEW S", + "ĠNewsp aper", + "ĠA SA", + "ter a", + "N umbers", + "Ġinexpl icable", + "× ij", + "Ġhard ness", + "unt arily", + "ĠA cer", + "grad ient", + "ARD IS", + "Ġwood land", + "Ġmetaph ors", + "ĠWem bley", + "ĠPa vel", + "phil is", + "Ġre writing", + "Ġpercept ual", + "Ġ10 70", + "worm s", + "ĠDown s", + "Ġunsur prisingly", + "Ġtag ging", + "fl ame", + "Ġlit res", + "Ġboun ces", + "ĠB abe", + "sh ut", + "Ġoverd oses", + "ĠShe ila", + "ĠCh au", + "ĠBl ess", + "Capt ure", + "ĠSign ificant", + "ĠSc ion", + "Ġ38 9", + "ĠMc H", + "ĠTitan ium", + "ĠMe al", + "amed a", + "ag ents", + "agg ressive", + "B illy", + "76 3", + "ĠS aying", + "DER R", + "it one", + "Coll ins", + "B ound", + "Ġbol ted", + "ĠDM CA", + "95 3", + "Ġun iqueness", + "Ġep igen", + "un ci", + "ant am", + "Ġreck oning", + "ch airs", + "OG R", + "ĠSen egal", + "Ġ18 62", + "re levant", + "Ġ ¯", + "Ġpharm acies", + "ĠG eral", + "v ier", + "Y an", + "OR PG", + "Ġrab id", + "b ending", + "ĠUN ITED", + "Ġ4 65", + "As sembly", + "Ġwe ep", + "Ġbe hest", + "ĠMother s", + "ĠJ ace", + "h id", + "Ġwh irlwind", + "ĠUN IVERS", + "Ġut opian", + "Ġkidn ap", + "Ph ilipp", + "K in", + "89 3", + "Ġlivest ream", + "ĠM ISS", + "Ġsub versive", + "ĠTechn iques", + "ĠJUST ICE", + "ĠB ASE", + "Ġ38 7", + "Ġassail ants", + "ĠHard core", + "Ġsprink led", + "ĠP se", + "é ļ", + "print ed", + "ĠH au", + "OR GE", + "ĠT OUR", + "Ġl aced", + "Ġit ch", + "G iving", + "Ġport ed", + "78 1", + "//////////////// ////////////////", + "bre eding", + "Ġlog ger", + "ĠH OL", + "inn ie", + "First ly", + "Ġembry onic", + "Ġdeleg ated", + "p ai", + "O IL", + "Ġcentr ally", + "ĠR x", + "ĠSc outing", + "D utch", + "Ġhe reditary", + "ĠCru iser", + "s at", + "5 29", + "ĠMar riott", + "other mal", + "Ġprohib itions", + "E arn", + "ĠSt ab", + "ĠColleg es", + "ĠBel ief", + "st retched", + "ĠL H", + "ĠEntity Item", + "C IA", + "Ġun rem", + "Ġlaure ate", + "Ġdenomin ations", + "sum mary", + "h ler", + "S pect", + "ĠK laus", + "ĠBe ans", + "Ġins ur", + "ĠPA X", + "Ġfield er", + "ĠV et", + "ĠSp arrow", + "z ie", + "ĠS Q", + "ĠMond ays", + "ĠOff line", + "ĠLer ner", + "ĠExt ensions", + "Ire land", + "Ġpatron age", + "Ġcontrast ed", + "ĠMan ia", + "h irt", + "Mos cow", + "Ġcondem ns", + "ĠAn ge", + "Ġcomp osing", + "ĠPe pe", + "ĠP addock", + "Ġheter ogeneity", + "Ġide ologically", + "Ġf ishes", + "Ġcur sing", + "ĠR utherford", + "ĠFlo ating", + "ĠAm elia", + "Te a", + "Syn opsis", + "Ġstun ts", + "Ġbe ad", + "Ġstock ing", + "ĠM ILL", + "ob ook", + "mass ive", + "\\ <", + "Ġh ump", + "ĠPref erences", + "Engine Debug", + "ge ist", + "ĠNiet o", + "ome ver", + "ish y", + "eval uate", + "col onial", + "Altern ative", + "ĠGo Pro", + "ĠV ortex", + "ĠNET WORK", + "ans ky", + "Sec ure", + "ĠTh rust", + "Sn ake", + "Ġparcel s", + "Ġsam urai", + "Ġactress es", + "N ap", + "M F", + "ifer ation", + "Be er", + "5 23", + "ĠI ly", + "oint ment", + "P ing", + "Ġstri ped", + "ĠMell on", + "oss ession", + "Ġneut ron", + "end ium", + "Ġa ph", + "ĠFlav oring", + "Ġ38 3", + "Ġrespons iveness", + "ĠJ indal", + "ĠHitch cock", + "Den ver", + "ĠDRAG ON", + "sm anship", + "ĠDu pl", + "Ġs ly", + "Ġweb cam", + "ĠTw ain", + "ĠDar ling", + "ili ate", + "cons umer", + "D IT", + "Ġnames ake", + "Ġun orthodox", + "Ġfun er", + "ĠPL oS", + "ĠCONTR OL", + "ozy g", + "ogl obin", + "F ACE", + "ER G", + "ĠD ia", + "ĠF iesta", + "ce le", + "0 34", + "Ġencl ave", + "âĸ¬ âĸ¬", + "on ement", + "al ist", + "M and", + "Ġhome grown", + "ĠF ancy", + "Ġconcept ions", + "ĠCont ains", + "ure en", + "Ġreiter ate", + "Ġme ager", + "Ġinstall ments", + "Sp awn", + "6 27", + "Ġphot oc", + "ĠCab rera", + "ĠRos enthal", + "ĠLans ing", + "is ner", + "Ġinvest s", + "ĠUFO s", + "EX P", + "Hard ware", + "Ġtr agically", + "Ġconced es", + "ie ft", + "ch am", + "bor gh", + "ĠSch r", + "ĠMel anie", + "ĠH oy", + "Ġvisit ation", + "Ġid iosyncr", + "Ġfract ions", + "Ġfore skin", + "ob os", + "Ġpo aching", + "ĠVI EW", + "Ġstimul ates", + "ĠG ork", + "can on", + "M IC", + "ĠNem esis", + "ĠInd ra", + "ĠDM V", + "Ġ5 29", + "Ġinspect ing", + "Ġgrand ma", + "ĠW hedon", + "ĠSh ant", + "ĠP urg", + "ik an", + "ĠT eg", + "ĠCL R", + "z ac", + "Vict oria", + "ĠVer ify", + "ion ics", + "Ġpart ying", + "ĠM ou", + "col our", + "Ġtestim onies", + "l ations", + "Ġpress uring", + "hi ro", + "ac ers", + "Ġf id", + "ang ler", + "ĠCS I", + "Ġhere after", + "Ġdiss idents", + "report ing", + "iph any", + "che v", + "Ġsol itude", + "Ġl obe", + "Ġind is", + "Ġcred ential", + "re cent", + "ad ult", + "ĠNir vana", + "ĠFranch ise", + "L ayer", + "H yp", + "ĠBerks hire", + "Ġwill s", + "t if", + "Ġtot em", + "ĠJud ah", + "rep air", + "Inst ant", + "5 48", + "Ġemb assies", + "Ġbott leneck", + "Ġb ount", + "Ġtyp ew", + "ĠAl vin", + "j ing", + "im ilar", + "R ush", + "Ġbr im", + "ĠHEL P", + "A im", + "] '", + "Ġpass ively", + "Ġbound ed", + "ĠR ated", + "Ġcriminal ity", + "Ġbiom ark", + "Ġdisp atcher", + "ĠTow ards", + "Ġ+ ++", + "right eous", + "f rog", + "ĠP anc", + "C arter", + "0 32", + "æ© Ł", + "Ġult raviolet", + "ĠLic ensed", + "ĠT ata", + "ĠBl essing", + "ĠG AM", + "Ġchem ically", + "ĠSe af", + "ĠRE LE", + "ĠMerc enary", + "capital ist", + "Ġform ulations", + "Ġann ihilation", + "ĠVer b", + "ĠAr gon", + "Ġun loaded", + "Ġmorp hed", + "Ġconqu ering", + "back er", + "I ELD", + "Ġtheft s", + "Ġfront runner", + "ĠRoy ale", + "ĠFund amental", + "el ight", + "C hip", + "necess ary", + "ay n", + "ĠSl ip", + "Ġ4 48", + "cern ed", + "P ause", + "Ġshock ingly", + "ĠAB V", + "Ġcomp osure", + "7 33", + "ĠMotors port", + "ah ime", + "Mur ray", + "M ach", + "Ġgr ids", + "Ġdeb ian", + "Ġfurther more", + "Ġdexter ity", + "ĠCollect ions", + "os lov", + "il age", + "b j", + "ĠMont eneg", + "Ġstrut Connector", + "Ġmassac res", + "Ġbrief s", + "fet ched", + "uv ian", + "ol ition", + "Fail ure", + "emon ic", + "Ġfl ared", + "Ġclaim ant", + "Ġc ures", + "Ġgive aways", + "ĠSubst ance", + "al ions", + "Ġcr inge", + "ĠK ul", + "Ġarist ocracy", + "ĠUl ster", + "ol ated", + "h ousing", + "ĠM IS", + "Ġgl ared", + "ĠWil helm", + "ne eds", + "lam bda", + "build ers", + "ĠV IS", + "Ġradi ator", + "ĠGhost busters", + "Ġ4 36", + "act ual", + "Ġher ds", + "ç a", + "watch ing", + "Ġcounter ing", + "Ch arge", + "Ġchar red", + "Ġwar heads", + "Ġiod ine", + "ĠM acy", + "04 1", + "Ġdepart ures", + "ĠS ins", + "Ġdy ed", + "ĠConcept s", + "g ado", + "7 13", + "Ġquot ations", + "Ġg ist", + "ĠChrist y", + "Ġant igen", + "ĠHem p", + "ĠD rawn", + "ĠB arg", + "ez vous", + "Ġp aternity", + "Ġar du", + "ĠAnch orage", + "ĠR ik", + "Ġover loaded", + "ĠUs ername", + "ĠTam my", + "ĠN au", + "ĠCell ular", + "Ġw aning", + "Ġrod ent", + "ĠWor cester", + "il ts", + "ĠT ad", + "Ġdwell ings", + "Ġbull ish", + "4 31", + "Ġretali ate", + "Ġmig raine", + "ĠChev ron", + "CH ECK", + "Ġdon key", + "c rim", + "SP A", + "ĠAn alog", + "Ġmarqu ee", + "ĠHa as", + "B ir", + "ĠGD DR", + "ĠDownload s", + "Ġwill power", + "ĠFor th", + "ĠRecord ed", + "Ġimp ossibility", + "ĠLog ged", + "ĠFr anks", + "ĠR att", + "in itions", + "Ġclean ers", + "Ġsore ly", + "Ġflick ering", + "ĠEx amination", + "c atching", + "allow een", + "Ms g", + "Ġdun no", + "F a", + "Ġdys ph", + "c razy", + ".' '.", + "Ġmain line", + "Ġc s", + "Ġp tr", + "ĠW ally", + "ig un", + "95 1", + "ĠBig foot", + "f ights", + "Ġretrie ving", + "J r", + "Ġdupl ication", + "ĠExpl an", + "Ġrel ational", + "Ġqu aint", + "Ġbisc uits", + "Ġad o", + "Ġsh udder", + "Ġantid ote", + "blood ed", + "ks h", + "Ġsa uces", + "Ġrein vest", + "Ġdispens ary", + "ĠD iver", + "Ġ9 000", + "stud ent", + "Ġin separ", + "esc ap", + "Ġtodd lers", + "ĠGP IO", + "ĠAss ignment", + "head ers", + "Ġlack luster", + "Ġab ack", + "95 6", + "Ġtool bar", + "7 45", + "Ġo ust", + "Ġcontempl ation", + "ĠPRES IDENT", + "Ġ4 58", + "==== ==", + "Ġguarantee ing", + "ĠHe ist", + "ĠCann es", + "Ļ ½", + "Ġcollabor ator", + "ĠAm p", + "Ġg ou", + "ĠSH ALL", + "st ories", + "78 3", + "Ġmobil ized", + "Ġbro od", + "ĠL U", + "ĠðŁ ij", + "Ġref in", + "ĠAnthrop ology", + "v ind", + "ill i", + "Ġwarrant ies", + "ĠB abel", + "Ġsw ath", + "Ġc aches", + "Ġantagon ists", + "art ifacts", + "Ġhot ly", + "ĠSt arts", + "ĠG ö", + "z ag", + "!! !!!", + "Ġsc ourge", + "Ġcons piring", + "ru its", + "re verse", + "ĠShe en", + "ĠJes uit", + "ĠGiov anni", + "ad ies", + "Ġbutt ocks", + "ear cher", + "ac an", + "Ġvolley ball", + "Ġshroud ed", + "Ġscore board", + "b ats", + "ĠI PM", + "Ġass es", + "Ġde regulation", + "ĠTe legram", + "ĠReb oot", + "Ġ7 000", + "ĠCan ary", + "Ġk ernels", + "ĠFranç ois", + "ĠD uff", + "ĠP on", + "ĠLe ica", + "ĠGar min", + "Ġor phans", + "ĠClaud ia", + "Ġcal endars", + "ĠLe ilan", + "ent o", + "R ocket", + "Ġbr unch", + "ĠHaw king", + "ain ers", + "Ġsens ibilities", + "Ġk W", + "ĠK and", + "Ġre claimed", + "Ġinteresting ly", + "× ©", + "rom y", + "J M", + "ĠEnhance ment", + "b ush", + "Sk ip", + "Ġrapp ers", + "Ġg azing", + "p edia", + "ath lon", + "Rev olution", + "Ġsn ipers", + "Ġre verted", + "Ġconglomer ate", + "T erry", + "79 4", + "Ġhars her", + "Ġdes olate", + "ĠHit man", + "Comm ission", + "Ġ( /", + "â̦ .\"", + "Com par", + "Ġampl ification", + "om inated", + "Ġreg ress", + "ĠColl ider", + "Ġinform ants", + "Ġg azed" + ] + } +} \ No newline at end of file diff --git a/Model/tokenizer_config.json b/Model/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..4a4aaf657aa4ac448fe2d1a35f600a7d28d5dbce --- /dev/null +++ b/Model/tokenizer_config.json @@ -0,0 +1,20 @@ +{ + "add_prefix_space": false, + "added_tokens_decoder": { + "50256": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": true, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "bos_token": "<|endoftext|>", + "clean_up_tokenization_spaces": true, + "eos_token": "<|endoftext|>", + "model_max_length": 1024, + "pad_token": "<|endoftext|>", + "tokenizer_class": "GPT2Tokenizer", + "unk_token": "<|endoftext|>" +} diff --git a/Model/trainer_state.json b/Model/trainer_state.json new file mode 100644 index 0000000000000000000000000000000000000000..c2a20af4f15ad5151cd77dd0dc37d005da0eb6b4 --- /dev/null +++ b/Model/trainer_state.json @@ -0,0 +1,536 @@ +{ + "best_metric": 0.0629316121339798, + "best_model_checkpoint": "./Swin-GPT2_Mimic/checkpoint-37500", + "epoch": 5.0, + "eval_steps": 500, + "global_step": 37500, + "is_hyper_param_search": false, + "is_local_process_zero": true, + "is_world_process_zero": true, + "log_history": [ + { + "epoch": 0.07, + "learning_rate": 4.9833333333333336e-05, + "loss": 0.1362, + "step": 500 + }, + { + "epoch": 0.13, + "learning_rate": 4.966666666666667e-05, + "loss": 0.089, + "step": 1000 + }, + { + "epoch": 0.2, + "learning_rate": 4.9500000000000004e-05, + "loss": 0.0805, + "step": 1500 + }, + { + "epoch": 0.27, + "learning_rate": 4.933333333333334e-05, + "loss": 0.0779, + "step": 2000 + }, + { + "epoch": 0.33, + "learning_rate": 4.9166666666666665e-05, + "loss": 0.0775, + "step": 2500 + }, + { + "epoch": 0.4, + "learning_rate": 4.9e-05, + "loss": 0.0763, + "step": 3000 + }, + { + "epoch": 0.47, + "learning_rate": 4.883333333333334e-05, + "loss": 0.0749, + "step": 3500 + }, + { + "epoch": 0.53, + "learning_rate": 4.866666666666667e-05, + "loss": 0.0702, + "step": 4000 + }, + { + "epoch": 0.6, + "learning_rate": 4.85e-05, + "loss": 0.0701, + "step": 4500 + }, + { + "epoch": 0.67, + "learning_rate": 4.8333333333333334e-05, + "loss": 0.0715, + "step": 5000 + }, + { + "epoch": 0.73, + "learning_rate": 4.8166666666666674e-05, + "loss": 0.0725, + "step": 5500 + }, + { + "epoch": 0.8, + "learning_rate": 4.8e-05, + "loss": 0.0677, + "step": 6000 + }, + { + "epoch": 0.87, + "learning_rate": 4.7833333333333335e-05, + "loss": 0.0696, + "step": 6500 + }, + { + "epoch": 0.93, + "learning_rate": 4.766666666666667e-05, + "loss": 0.065, + "step": 7000 + }, + { + "epoch": 1.0, + "learning_rate": 4.75e-05, + "loss": 0.0646, + "step": 7500 + }, + { + "epoch": 1.0, + "eval_gen_len": 8.897, + "eval_loss": 0.06988305598497391, + "eval_rouge1": 34.7412, + "eval_rouge2": 25.6954, + "eval_rougeL": 34.4803, + "eval_rougeLsum": 34.7871, + "eval_runtime": 103.0848, + "eval_samples_per_second": 9.701, + "eval_steps_per_second": 1.213, + "step": 7500 + }, + { + "epoch": 1.07, + "learning_rate": 4.7333333333333336e-05, + "loss": 0.0651, + "step": 8000 + }, + { + "epoch": 1.13, + "learning_rate": 4.716666666666667e-05, + "loss": 0.0647, + "step": 8500 + }, + { + "epoch": 1.2, + "learning_rate": 4.7e-05, + "loss": 0.0644, + "step": 9000 + }, + { + "epoch": 1.27, + "learning_rate": 4.683333333333334e-05, + "loss": 0.0613, + "step": 9500 + }, + { + "epoch": 1.33, + "learning_rate": 4.666666666666667e-05, + "loss": 0.0664, + "step": 10000 + }, + { + "epoch": 1.4, + "learning_rate": 4.6500000000000005e-05, + "loss": 0.0631, + "step": 10500 + }, + { + "epoch": 1.47, + "learning_rate": 4.633333333333333e-05, + "loss": 0.0623, + "step": 11000 + }, + { + "epoch": 1.53, + "learning_rate": 4.6166666666666666e-05, + "loss": 0.0612, + "step": 11500 + }, + { + "epoch": 1.6, + "learning_rate": 4.600000000000001e-05, + "loss": 0.062, + "step": 12000 + }, + { + "epoch": 1.67, + "learning_rate": 4.5833333333333334e-05, + "loss": 0.0605, + "step": 12500 + }, + { + "epoch": 1.73, + "learning_rate": 4.566666666666667e-05, + "loss": 0.0619, + "step": 13000 + }, + { + "epoch": 1.8, + "learning_rate": 4.55e-05, + "loss": 0.062, + "step": 13500 + }, + { + "epoch": 1.87, + "learning_rate": 4.5333333333333335e-05, + "loss": 0.0622, + "step": 14000 + }, + { + "epoch": 1.93, + "learning_rate": 4.516666666666667e-05, + "loss": 0.06, + "step": 14500 + }, + { + "epoch": 2.0, + "learning_rate": 4.5e-05, + "loss": 0.0597, + "step": 15000 + }, + { + "epoch": 2.0, + "eval_gen_len": 14.724, + "eval_loss": 0.06516863405704498, + "eval_rouge1": 38.0809, + "eval_rouge2": 26.9533, + "eval_rougeL": 37.259, + "eval_rougeLsum": 37.8078, + "eval_runtime": 113.6453, + "eval_samples_per_second": 8.799, + "eval_steps_per_second": 1.1, + "step": 15000 + }, + { + "epoch": 2.07, + "learning_rate": 4.483333333333333e-05, + "loss": 0.0559, + "step": 15500 + }, + { + "epoch": 2.13, + "learning_rate": 4.466666666666667e-05, + "loss": 0.0595, + "step": 16000 + }, + { + "epoch": 2.2, + "learning_rate": 4.4500000000000004e-05, + "loss": 0.0569, + "step": 16500 + }, + { + "epoch": 2.27, + "learning_rate": 4.433333333333334e-05, + "loss": 0.0558, + "step": 17000 + }, + { + "epoch": 2.33, + "learning_rate": 4.4166666666666665e-05, + "loss": 0.0578, + "step": 17500 + }, + { + "epoch": 2.4, + "learning_rate": 4.4000000000000006e-05, + "loss": 0.0571, + "step": 18000 + }, + { + "epoch": 2.47, + "learning_rate": 4.383333333333334e-05, + "loss": 0.0586, + "step": 18500 + }, + { + "epoch": 2.53, + "learning_rate": 4.3666666666666666e-05, + "loss": 0.0577, + "step": 19000 + }, + { + "epoch": 2.6, + "learning_rate": 4.35e-05, + "loss": 0.0583, + "step": 19500 + }, + { + "epoch": 2.67, + "learning_rate": 4.3333333333333334e-05, + "loss": 0.0574, + "step": 20000 + }, + { + "epoch": 2.73, + "learning_rate": 4.316666666666667e-05, + "loss": 0.0563, + "step": 20500 + }, + { + "epoch": 2.8, + "learning_rate": 4.3e-05, + "loss": 0.057, + "step": 21000 + }, + { + "epoch": 2.87, + "learning_rate": 4.2833333333333335e-05, + "loss": 0.0559, + "step": 21500 + }, + { + "epoch": 2.93, + "learning_rate": 4.266666666666667e-05, + "loss": 0.0565, + "step": 22000 + }, + { + "epoch": 3.0, + "learning_rate": 4.25e-05, + "loss": 0.0577, + "step": 22500 + }, + { + "epoch": 3.0, + "eval_gen_len": 13.501, + "eval_loss": 0.06393314898014069, + "eval_rouge1": 37.8142, + "eval_rouge2": 26.9542, + "eval_rougeL": 37.076, + "eval_rougeLsum": 37.5874, + "eval_runtime": 112.3223, + "eval_samples_per_second": 8.903, + "eval_steps_per_second": 1.113, + "step": 22500 + }, + { + "epoch": 3.07, + "learning_rate": 4.233333333333334e-05, + "loss": 0.0511, + "step": 23000 + }, + { + "epoch": 3.13, + "learning_rate": 4.216666666666667e-05, + "loss": 0.0526, + "step": 23500 + }, + { + "epoch": 3.2, + "learning_rate": 4.2e-05, + "loss": 0.0514, + "step": 24000 + }, + { + "epoch": 3.27, + "learning_rate": 4.183333333333334e-05, + "loss": 0.053, + "step": 24500 + }, + { + "epoch": 3.33, + "learning_rate": 4.166666666666667e-05, + "loss": 0.0526, + "step": 25000 + }, + { + "epoch": 3.4, + "learning_rate": 4.15e-05, + "loss": 0.0542, + "step": 25500 + }, + { + "epoch": 3.47, + "learning_rate": 4.133333333333333e-05, + "loss": 0.0533, + "step": 26000 + }, + { + "epoch": 3.53, + "learning_rate": 4.116666666666667e-05, + "loss": 0.0537, + "step": 26500 + }, + { + "epoch": 3.6, + "learning_rate": 4.1e-05, + "loss": 0.0519, + "step": 27000 + }, + { + "epoch": 3.67, + "learning_rate": 4.0833333333333334e-05, + "loss": 0.0532, + "step": 27500 + }, + { + "epoch": 3.73, + "learning_rate": 4.066666666666667e-05, + "loss": 0.0538, + "step": 28000 + }, + { + "epoch": 3.8, + "learning_rate": 4.05e-05, + "loss": 0.0533, + "step": 28500 + }, + { + "epoch": 3.87, + "learning_rate": 4.0333333333333336e-05, + "loss": 0.0544, + "step": 29000 + }, + { + "epoch": 3.93, + "learning_rate": 4.016666666666667e-05, + "loss": 0.0536, + "step": 29500 + }, + { + "epoch": 4.0, + "learning_rate": 4e-05, + "loss": 0.0528, + "step": 30000 + }, + { + "epoch": 4.0, + "eval_gen_len": 11.784, + "eval_loss": 0.06298327445983887, + "eval_rouge1": 37.8876, + "eval_rouge2": 26.9586, + "eval_rougeL": 37.2585, + "eval_rougeLsum": 37.7378, + "eval_runtime": 109.3283, + "eval_samples_per_second": 9.147, + "eval_steps_per_second": 1.143, + "step": 30000 + }, + { + "epoch": 4.07, + "learning_rate": 3.983333333333333e-05, + "loss": 0.0488, + "step": 30500 + }, + { + "epoch": 4.13, + "learning_rate": 3.966666666666667e-05, + "loss": 0.0475, + "step": 31000 + }, + { + "epoch": 4.2, + "learning_rate": 3.9500000000000005e-05, + "loss": 0.0487, + "step": 31500 + }, + { + "epoch": 4.27, + "learning_rate": 3.933333333333333e-05, + "loss": 0.0493, + "step": 32000 + }, + { + "epoch": 4.33, + "learning_rate": 3.9166666666666665e-05, + "loss": 0.0482, + "step": 32500 + }, + { + "epoch": 4.4, + "learning_rate": 3.9000000000000006e-05, + "loss": 0.0504, + "step": 33000 + }, + { + "epoch": 4.47, + "learning_rate": 3.883333333333333e-05, + "loss": 0.0495, + "step": 33500 + }, + { + "epoch": 4.53, + "learning_rate": 3.866666666666667e-05, + "loss": 0.0477, + "step": 34000 + }, + { + "epoch": 4.6, + "learning_rate": 3.85e-05, + "loss": 0.049, + "step": 34500 + }, + { + "epoch": 4.67, + "learning_rate": 3.8333333333333334e-05, + "loss": 0.0483, + "step": 35000 + }, + { + "epoch": 4.73, + "learning_rate": 3.816666666666667e-05, + "loss": 0.0509, + "step": 35500 + }, + { + "epoch": 4.8, + "learning_rate": 3.8e-05, + "loss": 0.0505, + "step": 36000 + }, + { + "epoch": 4.87, + "learning_rate": 3.7833333333333336e-05, + "loss": 0.0506, + "step": 36500 + }, + { + "epoch": 4.93, + "learning_rate": 3.766666666666667e-05, + "loss": 0.049, + "step": 37000 + }, + { + "epoch": 5.0, + "learning_rate": 3.7500000000000003e-05, + "loss": 0.0485, + "step": 37500 + }, + { + "epoch": 5.0, + "eval_gen_len": 14.157, + "eval_loss": 0.0629316121339798, + "eval_rouge1": 39.0822, + "eval_rouge2": 27.4073, + "eval_rougeL": 38.1885, + "eval_rougeLsum": 38.8776, + "eval_runtime": 112.3853, + "eval_samples_per_second": 8.898, + "eval_steps_per_second": 1.112, + "step": 37500 + } + ], + "logging_steps": 500, + "max_steps": 150000, + "num_input_tokens_seen": 0, + "num_train_epochs": 20, + "save_steps": 500, + "total_flos": 1.601193167290368e+20, + "train_batch_size": 8, + "trial_name": null, + "trial_params": null +} diff --git a/Model/training_args.bin b/Model/training_args.bin new file mode 100644 index 0000000000000000000000000000000000000000..d84efdfbb957ce8966b21f11d8f8de19bf7be312 --- /dev/null +++ b/Model/training_args.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6dd77040949647fa4b081f2f6be19d1ed5b3019d92fd8ecb74d288af93cd6290 +size 4411 diff --git a/Model/vocab.json b/Model/vocab.json new file mode 100644 index 0000000000000000000000000000000000000000..84ef7fb594b5c0979e48bdeddb60a0adef33df0b --- /dev/null +++ b/Model/vocab.json @@ -0,0 +1 @@ +{"!":0,"\"":1,"#":2,"$":3,"%":4,"&":5,"'":6,"(":7,")":8,"*":9,"+":10,",":11,"-":12,".":13,"/":14,"0":15,"1":16,"2":17,"3":18,"4":19,"5":20,"6":21,"7":22,"8":23,"9":24,":":25,";":26,"<":27,"=":28,">":29,"?":30,"@":31,"A":32,"B":33,"C":34,"D":35,"E":36,"F":37,"G":38,"H":39,"I":40,"J":41,"K":42,"L":43,"M":44,"N":45,"O":46,"P":47,"Q":48,"R":49,"S":50,"T":51,"U":52,"V":53,"W":54,"X":55,"Y":56,"Z":57,"[":58,"\\":59,"]":60,"^":61,"_":62,"`":63,"a":64,"b":65,"c":66,"d":67,"e":68,"f":69,"g":70,"h":71,"i":72,"j":73,"k":74,"l":75,"m":76,"n":77,"o":78,"p":79,"q":80,"r":81,"s":82,"t":83,"u":84,"v":85,"w":86,"x":87,"y":88,"z":89,"{":90,"|":91,"}":92,"~":93,"¡":94,"¢":95,"£":96,"¤":97,"¥":98,"¦":99,"§":100,"¨":101,"©":102,"ª":103,"«":104,"¬":105,"®":106,"¯":107,"°":108,"±":109,"²":110,"³":111,"´":112,"µ":113,"¶":114,"·":115,"¸":116,"¹":117,"º":118,"»":119,"¼":120,"½":121,"¾":122,"¿":123,"À":124,"Á":125,"Â":126,"Ã":127,"Ä":128,"Å":129,"Æ":130,"Ç":131,"È":132,"É":133,"Ê":134,"Ë":135,"Ì":136,"Í":137,"Î":138,"Ï":139,"Ð":140,"Ñ":141,"Ò":142,"Ó":143,"Ô":144,"Õ":145,"Ö":146,"×":147,"Ø":148,"Ù":149,"Ú":150,"Û":151,"Ü":152,"Ý":153,"Þ":154,"ß":155,"à":156,"á":157,"â":158,"ã":159,"ä":160,"å":161,"æ":162,"ç":163,"è":164,"é":165,"ê":166,"ë":167,"ì":168,"í":169,"î":170,"ï":171,"ð":172,"ñ":173,"ò":174,"ó":175,"ô":176,"õ":177,"ö":178,"÷":179,"ø":180,"ù":181,"ú":182,"û":183,"ü":184,"ý":185,"þ":186,"ÿ":187,"Ā":188,"ā":189,"Ă":190,"ă":191,"Ą":192,"ą":193,"Ć":194,"ć":195,"Ĉ":196,"ĉ":197,"Ċ":198,"ċ":199,"Č":200,"č":201,"Ď":202,"ď":203,"Đ":204,"đ":205,"Ē":206,"ē":207,"Ĕ":208,"ĕ":209,"Ė":210,"ė":211,"Ę":212,"ę":213,"Ě":214,"ě":215,"Ĝ":216,"ĝ":217,"Ğ":218,"ğ":219,"Ġ":220,"ġ":221,"Ģ":222,"ģ":223,"Ĥ":224,"ĥ":225,"Ħ":226,"ħ":227,"Ĩ":228,"ĩ":229,"Ī":230,"ī":231,"Ĭ":232,"ĭ":233,"Į":234,"į":235,"İ":236,"ı":237,"IJ":238,"ij":239,"Ĵ":240,"ĵ":241,"Ķ":242,"ķ":243,"ĸ":244,"Ĺ":245,"ĺ":246,"Ļ":247,"ļ":248,"Ľ":249,"ľ":250,"Ŀ":251,"ŀ":252,"Ł":253,"ł":254,"Ń":255,"Ġt":256,"Ġa":257,"he":258,"in":259,"re":260,"on":261,"Ġthe":262,"er":263,"Ġs":264,"at":265,"Ġw":266,"Ġo":267,"en":268,"Ġc":269,"it":270,"is":271,"an":272,"or":273,"es":274,"Ġb":275,"ed":276,"Ġf":277,"ing":278,"Ġp":279,"ou":280,"Ġan":281,"al":282,"ar":283,"Ġto":284,"Ġm":285,"Ġof":286,"Ġin":287,"Ġd":288,"Ġh":289,"Ġand":290,"ic":291,"as":292,"le":293,"Ġth":294,"ion":295,"om":296,"ll":297,"ent":298,"Ġn":299,"Ġl":300,"st":301,"Ġre":302,"ve":303,"Ġe":304,"ro":305,"ly":306,"Ġbe":307,"Ġg":308,"ĠT":309,"ct":310,"ĠS":311,"id":312,"ot":313,"ĠI":314,"ut":315,"et":316,"ĠA":317,"Ġis":318,"Ġon":319,"im":320,"am":321,"ow":322,"ay":323,"ad":324,"se":325,"Ġthat":326,"ĠC":327,"ig":328,"Ġfor":329,"ac":330,"Ġy":331,"ver":332,"ur":333,"Ġu":334,"ld":335,"Ġst":336,"ĠM":337,"'s":338,"Ġhe":339,"Ġit":340,"ation":341,"ith":342,"ir":343,"ce":344,"Ġyou":345,"il":346,"ĠB":347,"Ġwh":348,"ol":349,"ĠP":350,"Ġwith":351,"Ġ1":352,"ter":353,"ch":354,"Ġas":355,"Ġwe":356,"Ġ(":357,"nd":358,"ill":359,"ĠD":360,"if":361,"Ġ2":362,"ag":363,"ers":364,"ke":365,"Ġ\"":366,"ĠH":367,"em":368,"Ġcon":369,"ĠW":370,"ĠR":371,"her":372,"Ġwas":373,"Ġr":374,"od":375,"ĠF":376,"ul":377,"ate":378,"Ġat":379,"ri":380,"pp":381,"ore":382,"ĠThe":383,"Ġse":384,"us":385,"Ġpro":386,"Ġha":387,"um":388,"Ġare":389,"Ġde":390,"ain":391,"and":392,"Ġor":393,"igh":394,"est":395,"ist":396,"ab":397,"rom":398,"ĠN":399,"th":400,"Ġcom":401,"ĠG":402,"un":403,"op":404,"00":405,"ĠL":406,"Ġnot":407,"ess":408,"Ġex":409,"Ġv":410,"res":411,"ĠE":412,"ew":413,"ity":414,"ant":415,"Ġby":416,"el":417,"os":418,"ort":419,"oc":420,"qu":421,"Ġfrom":422,"Ġhave":423,"Ġsu":424,"ive":425,"ould":426,"Ġsh":427,"Ġthis":428,"nt":429,"ra":430,"pe":431,"ight":432,"art":433,"ment":434,"Ġal":435,"ust":436,"end":437,"--":438,"all":439,"ĠO":440,"ack":441,"Ġch":442,"Ġle":443,"ies":444,"red":445,"ard":446,"âĢ":447,"out":448,"ĠJ":449,"Ġab":450,"ear":451,"iv":452,"ally":453,"our":454,"ost":455,"gh":456,"pt":457,"Ġpl":458,"ast":459,"Ġcan":460,"ak":461,"ome":462,"ud":463,"The":464,"Ġhis":465,"Ġdo":466,"Ġgo":467,"Ġhas":468,"ge":469,"'t":470,"ĠU":471,"rou":472,"Ġsa":473,"Ġj":474,"Ġbut":475,"Ġwor":476,"Ġall":477,"ect":478,"Ġk":479,"ame":480,"Ġwill":481,"ok":482,"Ġwhe":483,"Ġthey":484,"ide":485,"01":486,"ff":487,"ich":488,"pl":489,"ther":490,"Ġtr":491,"..":492,"Ġint":493,"ie":494,"ure":495,"age":496,"Ġne":497,"ial":498,"ap":499,"ine":500,"ice":501,"Ġme":502,"Ġout":503,"ans":504,"one":505,"ong":506,"ions":507,"Ġwho":508,"ĠK":509,"Ġup":510,"Ġtheir":511,"Ġad":512,"Ġ3":513,"Ġus":514,"ated":515,"ous":516,"Ġmore":517,"ue":518,"og":519,"ĠSt":520,"ind":521,"ike":522,"Ġso":523,"ime":524,"per":525,".\"":526,"ber":527,"iz":528,"act":529,"Ġone":530,"Ġsaid":531,"Ġ-":532,"are":533,"Ġyour":534,"cc":535,"ĠTh":536,"Ġcl":537,"ep":538,"ake":539,"able":540,"ip":541,"Ġcont":542,"Ġwhich":543,"ia":544,"Ġim":545,"Ġabout":546,"Ġwere":547,"very":548,"ub":549,"Ġhad":550,"Ġen":551,"Ġcomp":552,",\"":553,"ĠIn":554,"Ġun":555,"Ġag":556,"ire":557,"ace":558,"au":559,"ary":560,"Ġwould":561,"ass":562,"ry":563,"ĠâĢ":564,"cl":565,"ook":566,"ere":567,"so":568,"ĠV":569,"ign":570,"ib":571,"Ġoff":572,"Ġte":573,"ven":574,"ĠY":575,"ile":576,"ose":577,"ite":578,"orm":579,"Ġ201":580,"Ġres":581,"Ġman":582,"Ġper":583,"Ġother":584,"ord":585,"ult":586,"Ġbeen":587,"Ġlike":588,"ase":589,"ance":590,"ks":591,"ays":592,"own":593,"ence":594,"Ġdis":595,"ction":596,"Ġany":597,"Ġapp":598,"Ġsp":599,"int":600,"ress":601,"ations":602,"ail":603,"Ġ4":604,"ical":605,"Ġthem":606,"Ġher":607,"ount":608,"ĠCh":609,"Ġar":610,"Ġif":611,"Ġthere":612,"Ġpe":613,"Ġyear":614,"av":615,"Ġmy":616,"Ġsome":617,"Ġwhen":618,"ough":619,"ach":620,"Ġthan":621,"ru":622,"ond":623,"ick":624,"Ġover":625,"vel":626,"Ġqu":627,"ĊĊ":628,"Ġsc":629,"reat":630,"ree":631,"ĠIt":632,"ound":633,"port":634,"Ġalso":635,"Ġpart":636,"fter":637,"Ġkn":638,"Ġbec":639,"Ġtime":640,"ens":641,"Ġ5":642,"ople":643,"Ġwhat":644,"Ġno":645,"du":646,"mer":647,"ang":648,"Ġnew":649,"----":650,"Ġget":651,"ory":652,"ition":653,"ings":654,"Ġjust":655,"Ġinto":656,"Ġ0":657,"ents":658,"ove":659,"te":660,"Ġpeople":661,"Ġpre":662,"Ġits":663,"Ġrec":664,"Ġtw":665,"ian":666,"irst":667,"ark":668,"ors":669,"Ġwork":670,"ade":671,"ob":672,"Ġshe":673,"Ġour":674,"wn":675,"ink":676,"lic":677,"Ġ19":678,"ĠHe":679,"ish":680,"nder":681,"ause":682,"Ġhim":683,"ons":684,"Ġ[":685,"Ġro":686,"form":687,"ild":688,"ates":689,"vers":690,"Ġonly":691,"oll":692,"Ġspe":693,"ck":694,"ell":695,"amp":696,"Ġacc":697,"Ġbl":698,"ious":699,"urn":700,"ft":701,"ood":702,"Ġhow":703,"hed":704,"Ġ'":705,"Ġafter":706,"aw":707,"Ġatt":708,"ov":709,"ne":710,"Ġplay":711,"erv":712,"ict":713,"Ġcould":714,"itt":715,"Ġam":716,"Ġfirst":717,"Ġ6":718,"Ġact":719,"Ġ$":720,"ec":721,"hing":722,"ual":723,"ull":724,"Ġcomm":725,"oy":726,"old":727,"ces":728,"ater":729,"Ġfe":730,"Ġbet":731,"we":732,"iff":733,"Ġtwo":734,"ock":735,"Ġback":736,").":737,"ident":738,"Ġunder":739,"rough":740,"sel":741,"xt":742,"Ġmay":743,"round":744,"Ġpo":745,"ph":746,"iss":747,"Ġdes":748,"Ġmost":749,"Ġdid":750,"Ġadd":751,"ject":752,"Ġinc":753,"fore":754,"Ġpol":755,"ont":756,"Ġagain":757,"clud":758,"tern":759,"Ġknow":760,"Ġneed":761,"Ġcons":762,"Ġco":763,"Ġ.":764,"Ġwant":765,"Ġsee":766,"Ġ7":767,"ning":768,"iew":769,"ĠThis":770,"ced":771,"Ġeven":772,"Ġind":773,"ty":774,"ĠWe":775,"ath":776,"Ġthese":777,"Ġpr":778,"Ġuse":779,"Ġbecause":780,"Ġfl":781,"ng":782,"Ġnow":783,"ĠâĢĵ":784,"com":785,"ise":786,"Ġmake":787,"Ġthen":788,"ower":789,"Ġevery":790,"ĠUn":791,"Ġsec":792,"oss":793,"uch":794,"Ġem":795,"Ġ=":796,"ĠRe":797,"ied":798,"rit":799,"Ġinv":800,"lect":801,"Ġsupp":802,"ating":803,"Ġlook":804,"man":805,"pect":806,"Ġ8":807,"row":808,"Ġbu":809,"Ġwhere":810,"ific":811,"Ġyears":812,"ily":813,"Ġdiff":814,"Ġshould":815,"Ġrem":816,"Th":817,"In":818,"Ġev":819,"day":820,"'re":821,"rib":822,"Ġrel":823,"ss":824,"Ġdef":825,"Ġright":826,"Ġsy":827,"),":828,"les":829,"000":830,"hen":831,"Ġthrough":832,"ĠTr":833,"__":834,"Ġway":835,"Ġdon":836,"Ġ,":837,"Ġ10":838,"ased":839,"Ġass":840,"ublic":841,"Ġreg":842,"ĠAnd":843,"ix":844,"Ġvery":845,"Ġinclud":846,"other":847,"Ġimp":848,"oth":849,"Ġsub":850,"ĠâĢĶ":851,"Ġbeing":852,"arg":853,"ĠWh":854,"==":855,"ible":856,"Ġdoes":857,"ange":858,"ram":859,"Ġ9":860,"ert":861,"ps":862,"ited":863,"ational":864,"Ġbr":865,"Ġdown":866,"Ġmany":867,"aking":868,"Ġcall":869,"uring":870,"ities":871,"Ġph":872,"ics":873,"als":874,"Ġdec":875,"ative":876,"ener":877,"Ġbefore":878,"ility":879,"Ġwell":880,"Ġmuch":881,"erson":882,"Ġthose":883,"Ġsuch":884,"Ġke":885,"Ġend":886,"ĠBut":887,"ason":888,"ting":889,"Ġlong":890,"ef":891,"Ġthink":892,"ys":893,"Ġbel":894,"Ġsm":895,"its":896,"ax":897,"Ġown":898,"Ġprov":899,"Ġset":900,"ife":901,"ments":902,"ble":903,"ward":904,"Ġshow":905,"Ġpres":906,"ms":907,"omet":908,"Ġob":909,"Ġsay":910,"ĠSh":911,"ts":912,"ful":913,"Ġeff":914,"Ġgu":915,"Ġinst":916,"und":917,"ren":918,"cess":919,"Ġent":920,"ĠYou":921,"Ġgood":922,"Ġstart":923,"ince":924,"Ġmade":925,"tt":926,"stem":927,"olog":928,"up":929,"Ġ|":930,"ump":931,"Ġhel":932,"vern":933,"ular":934,"ually":935,"Ġac":936,"Ġmon":937,"Ġlast":938,"Ġ200":939,"10":940,"Ġstud":941,"ures":942,"ĠAr":943,"self":944,"ars":945,"meric":946,"ues":947,"cy":948,"Ġmin":949,"ollow":950,"Ġcol":951,"io":952,"Ġmod":953,"Ġcount":954,"ĠCom":955,"hes":956,"Ġfin":957,"air":958,"ier":959,"âĢĶ":960,"read":961,"ank":962,"atch":963,"ever":964,"Ġstr":965,"Ġpoint":966,"ork":967,"ĠNew":968,"Ġsur":969,"ool":970,"alk":971,"ement":972,"Ġused":973,"ract":974,"ween":975,"Ġsame":976,"oun":977,"ĠAl":978,"ci":979,"Ġdiffere":980,"Ġwhile":981,"--------":982,"Ġgame":983,"cept":984,"Ġsim":985,"...":986,"Ġinter":987,"ek":988,"Ġreport":989,"Ġprodu":990,"Ġstill":991,"led":992,"ah":993,"Ġhere":994,"Ġworld":995,"Ġthough":996,"Ġnum":997,"arch":998,"imes":999,"ale":1000,"ĠSe":1001,"ĠIf":1002,"//":1003,"ĠLe":1004,"Ġret":1005,"Ġref":1006,"Ġtrans":1007,"ner":1008,"ution":1009,"ters":1010,"Ġtake":1011,"ĠCl":1012,"Ġconf":1013,"way":1014,"ave":1015,"Ġgoing":1016,"Ġsl":1017,"ug":1018,"ĠAmeric":1019,"Ġspec":1020,"Ġhand":1021,"Ġbetween":1022,"ists":1023,"ĠDe":1024,"oot":1025,"It":1026,"Ġear":1027,"Ġagainst":1028,"Ġhigh":1029,"gan":1030,"az":1031,"ather":1032,"Ġexp":1033,"Ġop":1034,"Ġins":1035,"Ġgr":1036,"Ġhelp":1037,"Ġrequ":1038,"ets":1039,"ins":1040,"ĠPro":1041,"ism":1042,"Ġfound":1043,"land":1044,"ata":1045,"uss":1046,"ames":1047,"Ġperson":1048,"Ġgreat":1049,"pr":1050,"Ġsign":1051,"ĠAn":1052,"'ve":1053,"Ġsomet":1054,"Ġser":1055,"hip":1056,"Ġrun":1057,"Ġ:":1058,"Ġter":1059,"irect":1060,"Ġfollow":1061,"Ġdet":1062,"ices":1063,"Ġfind":1064,"12":1065,"Ġmem":1066,"Ġcr":1067,"ered":1068,"ex":1069,"Ġext":1070,"uth":1071,"ense":1072,"co":1073,"Ġteam":1074,"ving":1075,"ouse":1076,"ash":1077,"att":1078,"ved":1079,"Ġsystem":1080,"ĠAs":1081,"der":1082,"ives":1083,"min":1084,"Ġlead":1085,"ĠBl":1086,"cent":1087,"Ġaround":1088,"Ġgovern":1089,"Ġcur":1090,"velop":1091,"any":1092,"Ġcour":1093,"alth":1094,"ages":1095,"ize":1096,"Ġcar":1097,"ode":1098,"Ġlaw":1099,"Ġread":1100,"'m":1101,"con":1102,"Ġreal":1103,"Ġsupport":1104,"Ġ12":1105,"....":1106,"Ġreally":1107,"ness":1108,"Ġfact":1109,"Ġday":1110,"Ġboth":1111,"ying":1112,"Ġserv":1113,"ĠFor":1114,"Ġthree":1115,"Ġwom":1116,"Ġmed":1117,"ody":1118,"ĠThey":1119,"50":1120,"Ġexper":1121,"ton":1122,"Ġeach":1123,"akes":1124,"Ġche":1125,"Ġcre":1126,"ines":1127,"Ġrep":1128,"19":1129,"gg":1130,"illion":1131,"Ġgrou":1132,"ute":1133,"ik":1134,"We":1135,"get":1136,"ER":1137,"Ġmet":1138,"Ġsays":1139,"ox":1140,"Ġduring":1141,"ern":1142,"ized":1143,"ared":1144,"Ġfam":1145,"ically":1146,"Ġhapp":1147,"ĠIs":1148,"Ġchar":1149,"med":1150,"vent":1151,"Ġgener":1152,"ient":1153,"ple":1154,"iet":1155,"rent":1156,"11":1157,"ves":1158,"ption":1159,"Ġ20":1160,"formation":1161,"Ġcor":1162,"Ġoffic":1163,"ield":1164,"Ġtoo":1165,"ision":1166,"Ġinf":1167,"ĠZ":1168,"the":1169,"oad":1170,"Ġpublic":1171,"Ġprog":1172,"ric":1173,"**":1174,"Ġwar":1175,"Ġpower":1176,"view":1177,"Ġfew":1178,"Ġloc":1179,"Ġdifferent":1180,"Ġstate":1181,"Ġhead":1182,"'ll":1183,"Ġposs":1184,"Ġstat":1185,"ret":1186,"ants":1187,"Ġval":1188,"Ġiss":1189,"Ġcle":1190,"ivers":1191,"anc":1192,"Ġexpl":1193,"Ġanother":1194,"ĠQ":1195,"Ġav":1196,"thing":1197,"nce":1198,"Wh":1199,"Ġchild":1200,"Ġsince":1201,"ired":1202,"less":1203,"Ġlife":1204,"Ġdevelop":1205,"ittle":1206,"Ġdep":1207,"Ġpass":1208,"ãĥ":1209,"Ġturn":1210,"orn":1211,"This":1212,"bers":1213,"ross":1214,"ĠAd":1215,"Ġfr":1216,"Ġresp":1217,"Ġsecond":1218,"oh":1219,"Ġ/":1220,"Ġdisc":1221,"Ġ&":1222,"Ġsomething":1223,"Ġcomple":1224,"Ġed":1225,"Ġfil":1226,"Ġmonth":1227,"aj":1228,"uc":1229,"Ġgovernment":1230,"Ġwithout":1231,"Ġleg":1232,"Ġdist":1233,"Ġput":1234,"Ġquest":1235,"ann":1236,"Ġprot":1237,"20":1238,"Ġnever":1239,"ience":1240,"Ġlevel":1241,"Ġart":1242,"Ġthings":1243,"Ġmight":1244,"Ġeffect":1245,"Ġcontro":1246,"Ġcent":1247,"Ġ18":1248,"Ġallow":1249,"Ġbelie":1250,"chool":1251,"ott":1252,"Ġincre":1253,"Ġfeel":1254,"Ġresult":1255,"Ġlot":1256,"Ġfun":1257,"ote":1258,"Ġty":1259,"erest":1260,"Ġcontin":1261,"Ġusing":1262,"Ġbig":1263,"201":1264,"Ġask":1265,"Ġbest":1266,"Ġ)":1267,"IN":1268,"Ġopp":1269,"30":1270,"Ġnumber":1271,"iness":1272,"St":1273,"lease":1274,"Ġca":1275,"Ġmust":1276,"Ġdirect":1277,"Ġgl":1278,"Ġ<":1279,"Ġopen":1280,"Ġpost":1281,"Ġcome":1282,"Ġseem":1283,"ording":1284,"Ġweek":1285,"ately":1286,"ital":1287,"Ġel":1288,"riend":1289,"Ġfar":1290,"Ġtra":1291,"inal":1292,"Ġpri":1293,"ĠUS":1294,"Ġplace":1295,"Ġform":1296,"Ġtold":1297,"\":":1298,"ains":1299,"ature":1300,"ĠTrump":1301,"Ġstand":1302,"Ġ#":1303,"ider":1304,"ĠFr":1305,"Ġnext":1306,"Ġsoc":1307,"Ġpur":1308,"Ġlet":1309,"Ġlittle":1310,"Ġhum":1311,"Ġi":1312,"ron":1313,"15":1314,"Ġ15":1315,"Ġcommun":1316,"Ġmark":1317,"ĠThere":1318,"Ġwr":1319,"ĠThat":1320,"Ġinformation":1321,"ways":1322,"Ġbus":1323,"app":1324,"Ġinvest":1325,"me":1326,"Ġhard":1327,"ained":1328,"ead":1329,"Ġimport":1330,"Ġappro":1331,"Ġtest":1332,"Ġtri":1333,"Ġrest":1334,"osed":1335,"Ġfull":1336,"Ġcare":1337,"ĠSp":1338,"Ġcase":1339,"ON":1340,"Ġsk":1341,"Ġless":1342,"Ġ+":1343,"Ġpartic":1344,"ĠPl":1345,"ably":1346,"uck":1347,"ished":1348,"chn":1349,"be":1350,"Ġlist":1351,"ator":1352,"Ġtop":1353,"Ġadv":1354,"ĠBe":1355,"ruct":1356,"Ġdem":1357,"ration":1358,"ling":1359,"gy":1360,"reen":1361,"ger":1362,"Ġhome":1363,"Ġleft":1364,"Ġbetter":1365,"Ġdata":1366,"Ġ11":1367,"Ġattack":1368,"Ġproble":1369,"line":1370,"ards":1371,"Ġbeh":1372,"ral":1373,"ĠHow":1374,"ĠShe":1375,"arge":1376,"Ġ--":1377,"://":1378,"Ġbro":1379,"ĠPh":1380,"ats":1381,"Ġbuild":1382,"ww":1383,"ided":1384,"aim":1385,"ases":1386,"ency":1387,"Ġmain":1388,"ined":1389,"Ġincluding":1390,"Ġ{":1391,"Ġgot":1392,"Ġinterest":1393,"Ġkeep":1394,"ĠX":1395,"Ġeas":1396,"aining":1397,"Ġclass":1398,"â̦":1399,"ĠNo":1400,"Ġvar":1401,"Ġsmall":1402,"ample":1403,"AT":1404,"Ġide":1405,"ĠSo":1406,"Ġrece":1407,"Ġpolit":1408,"Ġmov":1409,"Ġplan":1410,"Ġpercent":1411,"iving":1412,"Ġcamp":1413,"Ġpay":1414,"14":1415,"sc":1416,"ised":1417,"Ġunt":1418,"oney":1419,"ploy":1420,"====":1421,"Ġdidn":1422,"ĠInd":1423,"els":1424,"ertain":1425,"Ġpos":1426,"____":1427,"iver":1428,"Ġprocess":1429,"Ġprogram":1430,"ified":1431,"ĠRep":1432,"16":1433,"uro":1434,"ology":1435,"atter":1436,"ina":1437,"Ġname":1438,"ĠAll":1439,"Ġfour":1440,"Ġreturn":1441,"vious":1442,"bs":1443,"Ġcalled":1444,"Ġmove":1445,"ĠSc":1446,"ird":1447,"Ġgroup":1448,"Ġbre":1449,"Ġmen":1450,"Ġcap":1451,"ten":1452,"ee":1453,"Ġdri":1454,"leg":1455,"here":1456,"uthor":1457,"Ġpat":1458,"Ġcurrent":1459,"ides":1460,"Ġpop":1461,"to":1462,"ention":1463,"Ġalways":1464,"Ġmil":1465,"Ġwomen":1466,"Ġ16":1467,"Ġold":1468,"iven":1469,"raph":1470,"ĠOr":1471,"ror":1472,"ently":1473,"Ġnear":1474,"ĠEx":1475,"ream":1476,"sh":1477,"Ġ14":1478,"Ġfree":1479,"ission":1480,"stand":1481,"ĠCon":1482,"ality":1483,"used":1484,"13":1485,"Ġdesign":1486,"Ġchange":1487,"Ġchang":1488,"Ġbo":1489,"Ġvis":1490,"ember":1491,"Ġbook":1492,"ready":1493,"Ġkill":1494,"25":1495,"pped":1496,"Ġaway":1497,"Ġable":1498,"Ġcountry":1499,"Ġconst":1500,"arn":1501,"Ġorder":1502,"AR":1503,"ior":1504,"ium":1505,"orth":1506,"18":1507,"ailable":1508,"Ġsw":1509,"Ġmillion":1510,"Ġ13":1511,"atic":1512,"ted":1513,"ĠGo":1514,"Ġoper":1515,"eng":1516,"Ġthing":1517,"ajor":1518,"conom":1519,"ĠComm":1520,"Ġwhy":1521,"ured":1522,"ural":1523,"Ġschool":1524,"by":1525,"ĠMar":1526,"Ġaff":1527,"Ġdays":1528,"Ġann":1529,"ush":1530,"ane":1531,"If":1532,"eg":1533,"Ġprof":1534,"Ġhealth":1535,"outh":1536,"But":1537,"ional":1538,".,":1539,"Ġsol":1540,"Ġalready":1541,"Ġ30":1542,"Ġcharact":1543,"He":1544,"Ġfriend":1545,"ES":1546,"ians":1547,"icle":1548,"'d":1549,"ĠOn":1550,"Ġleast":1551,"Ġprom":1552,"Ġdr":1553,"Ġhist":1554,"ither":1555,"Ġest":1556,"iqu":1557,"17":1558,"son":1559,"Ġtell":1560,"Ġtalk":1561,"ohn":1562,"oint":1563,"lection":1564,"AN":1565,"Ġuntil":1566,"augh":1567,"Ġlater":1568,"Ġve":1569,"Ġview":1570,"ending":1571,"ived":1572,"Ġword":1573,"ware":1574,"Ġcost":1575,"Ġenough":1576,"Ġgive":1577,"ĠUnited":1578,"Ġtechn":1579,"arent":1580,"OR":1581,"Ġpar":1582,"ĠDr":1583,"Ġ2016":1584,"rist":1585,"ering":1586,"ĠÂ":1587,"Ġlarge":1588,"side":1589,"acy":1590,"ccess":1591,"Ġwin":1592,"Ġimportant":1593,"Ġ199":1594,"Ġdoesn":1595,"Ġ17":1596,"Ġbusiness":1597,"Ġclear":1598,"Ġrese":1599,"\",":1600,"ury":1601,"Ġequ":1602,"aster":1603,"alf":1604,"ĠAmerican":1605,"nect":1606,"Ġexpect":1607,"iversity":1608,"Ġocc":1609,"ĠFl":1610,"Ġkind":1611,"Ġmean":1612,"Ġpast":1613,"Ġdev":1614,"Ġbas":1615,"let":1616,"raft":1617,"Ġorgan":1618,"Ġdel":1619,"Ġperform":1620,"Ġstory":1621,"Ġseason":1622,"ĠCol":1623,"Ġclaim":1624,"Ġcame":1625,"Ġwithin":1626,"Ġline":1627,"Ġproject":1628,"ĠAt":1629,"Ġcontrol":1630,"ended":1631,"ĠSy":1632,"Ġair":1633,"ization":1634,"Ġ*":1635,"ley":1636,"Ġmoney":1637,"idd":1638,"You":1639,"for":1640,"Ġfamily":1641,"Ġmaking":1642,"Ġbit":1643,"Ġpolice":1644,"Ġhappen":1645,"Ġvers":1646,"ony":1647,"uff":1648,"ĠWhen":1649,"Ġsit":1650,"ideo":1651,"lf":1652,"ison":1653,"Ġsure":1654,"gin":1655,"Ġappear":1656,"Ġlight":1657,"Ġes":1658,"of":1659,"Ġwater":1660,"Ġtimes":1661,"not":1662,"Ġgrow":1663,"Ġcompany":1664,"ĠTe":1665,"ows":1666,"Ġmar":1667,"ource":1668,"iol":1669,"arm":1670,"br":1671,"Ġexample":1672,"Ġconc":1673,"Ġfore":1674,"ĠTo":1675,"pro":1676,"EN":1677,"ries":1678,"Ġ25":1679,"ĠCan":1680,"ney":1681,"Ġactually":1682,"Ġever":1683,"urity":1684,"aken":1685,"aps":1686,"Ġtax":1687,"Ġmajor":1688,"ama":1689,"Ġoften":1690,"eral":1691,"Ġhuman":1692,"Ġjob":1693,"ister":1694,"Ġavailable":1695,"ocr":1696,"enn":1697,"aid":1698,"ivid":1699,"Ġrecord":1700,"?\"":1701,"Ġsing":1702,"ĠAm":1703,"idence":1704,"Ġnews":1705,"ster":1706,"Ġeconom":1707,"Ġfollowing":1708,"ĠBr":1709,"ising":1710,"Ġhour":1711,"most":1712,"ument":1713,"Ġsex":1714,"Ġdesc":1715,"Ġbecome":1716,"ĠEd":1717,"Ġtook":1718,"Ġhaving":1719,"Ġproduct":1720,"ault":1721,"As":1722,"aring":1723,"Ġmeans":1724,"Ġhop":1725,"une":1726,"Ġcho":1727,"Ġcertain":1728,"Ġnon":1729,"Ġdeal":1730,"24":1731,"lement":1732,"oci":1733,"ene":1734,"Ġside":1735,"ĠPr":1736,"ĠMay":1737,"Ġreason":1738,"ued":1739,"ched":1740,"ulation":1741,"Ġelect":1742,"Ġofficial":1743,"Ġpossible":1744,"Ġhold":1745,"ands":1746,"ots":1747,"Ġcity":1748,"ories":1749,"Ġsever":1750,"Ġchildren":1751,"Ġonce":1752,"Ġactiv":1753,"ler":1754,"Ġnight":1755,"itions":1756,"ĠJohn":1757,"ape":1758,"play":1759,"Ġdone":1760,"Ġlim":1761,"Ġworking":1762,"ĠPres":1763,"orld":1764,"eb":1765,"ĠCo":1766,"Ġbody":1767,"ails":1768,"utes":1769,"ĠMr":1770,"Ġwhether":1771,"Ġauthor":1772,"rop":1773,"Ġproper":1774,"Ġseen":1775,");":1776,"Ġfac":1777,"ĠSu":1778,"Ġcond":1779,"iting":1780,"Ġcourse":1781,"Ġ}":1782,"----------------":1783,"aign":1784,"Ġevent":1785,"Ġeng":1786,"Ġpot":1787,"Ġintern":1788,"iam":1789,"Ġshort":1790,"empt":1791,"ãĤ":1792,"ĠGod":1793,"ilar":1794,"80":1795,"Ġorig":1796,"IS":1797,"ourn":1798,"ability":1799,"itive":1800,"Ġdam":1801,"Ġ100":1802,"Ġpress":1803,"Ġdoing":1804,"Ġprotect":1805,"ring":1806,"Ġthought":1807,"Ġquestion":1808,"rew":1809,"ĠWar":1810,"Ġseveral":1811,"ĠState":1812,"Ġgiven":1813,"Ġfund":1814,"ĠTw":1815,"Ġwent":1816,"ances":1817,"work":1818,"por":1819,"my":1820,"40":1821,"Ġarg":1822,"artment":1823,"ustom":1824,"Ġpolic":1825,"Ġmeet":1826,"Ġcreat":1827,"22":1828,"ĠStates":1829,"Ġgames":1830,"raw":1831,"uture":1832,"Ġunderstand":1833,"urs":1834,"ĠOb":1835,"lish":1836,"sy":1837,"Ġmakes":1838,"Ġwon":1839,"agon":1840,"Ġhtt":1841,"Ġlove":1842,"ential":1843,"Ġcomplete":1844,"par":1845,"ĠIm":1846,"AL":1847,"Ġaccount":1848,"Âł":1849,"ored":1850,"vert":1851,"Ġident":1852,"Ġ2015":1853,"Ġothers":1854,"ĠMin":1855,"iber":1856,"verage":1857,"There":1858,"itional":1859,"dd":1860,"Ġprob":1861,"Ġyoung":1862,"Ġalong":1863,"Ġaccording":1864,"Ġyet":1865,"Ġmembers":1866,"ĠWhat":1867,"oid":1868,"ĠMan":1869,"And":1870,"Ġamong":1871,"ai":1872,"Ġemploy":1873,"ĠRes":1874,"Ġ>":1875,"Ġinvol":1876,"Ġlow":1877,"af":1878,"ĠCar":1879,"Ġhig":1880,"ĠOne":1881,"ĠSec":1882,"ination":1883,"Ġlikely":1884,"Ġant":1885,"aged":1886,"ĠRuss":1887,"Ġben":1888,"Ġrele":1889,"For":1890,"back":1891,"ĠNot":1892,"Ġpresident":1893,"ball":1894,"Ġaccess":1895,"ividual":1896,"ĠDem":1897,"ĠEuro":1898,"60":1899,"Ġknown":1900,"irl":1901,"ĠGr":1902,"Ġearly":1903,"use":1904,"iety":1905,"âĢĵ":1906,"Ġfight":1907,"Ġsent":1908,"Ġtoday":1909,"Ġmarket":1910,"\".":1911,"Ġbased":1912,"Ġstrong":1913,"urther":1914,"Ġdeb":1915,"mber":1916,"Ġproblem":1917,"Ġdeath":1918,"Ġsocial":1919,"imate":1920,"AS":1921,"ortun":1922,"Ġcampaign":1923,"ery":1924,"Ch":1925,"Ġey":1926,"ially":1927,"Ġmus":1928,"wh":1929,"pos":1930,"Ġer":1931,"Ġsaf":1932,"Ġmonths":1933,"iron":1934,"Ġviol":1935,"Ġfive":1936,"Ġstre":1937,"Ġplayers":1938,"inc":1939,"ald":1940,"year":1941,"aun":1942,"Ġsuccess":1943,"Ġpresent":1944,"erence":1945,"Ġ2014":1946,"Ġsugg":1947,"Ġparticular":1948,"Ġtry":1949,"Ġsuggest":1950,"ĠChrist":1951,"ones":1952,"Ġpriv":1953,"23":1954,"Ġcrit":1955,"Ġland":1956,"Ġlocal":1957,"ify":1958,"29":1959,"Ġaut":1960,"ED":1961,"ĠGu":1962,"Ġmult":1963,"Ġpolitical":1964,"Ġasked":1965,"Ġformer":1966,"itter":1967,"ript":1968,"Ġclose":1969,"Ġpract":1970,"ĠYork":1971,"Ġgetting":1972,"Ġacross":1973,"Ġcomb":1974,"Ġbelieve":1975,"Ġz":1976,"Ġtoget":1977,"Ġtogether":1978,"ĠCent":1979,"irc":1980,"Ġindividual":1981,"ĠMc":1982,"27":1983,"isk":1984,"ĠEng":1985,"Ġface":1986,"Ġ24":1987,"Ġvalue":1988,"Ġarea":1989,"ev":1990,"Ġwrit":1991,"ĠPresident":1992,"Ġvot":1993,"Ġkey":1994,"Ġmom":1995,"put":1996,"Ġanything":1997,"Ġexperience":1998,"attle":1999,"Ġmind":2000,"aff":2001,"omm":2002,"Ġfuture":2003,"ged":2004,"Ġcut":2005,"Ġtot":2006,"itch":2007,"Ġvideo":2008,"Ġinvestig":2009,"Ġnet":2010,"ĠMy":2011,"rict":2012,"ien":2013,".)":2014,"Ġimpro":2015,"though":2016,"wards":2017,"Ġconnect":2018,"ĠMed":2019,"selves":2020,"ensive":2021,"mb":2022,"ober":2023,"ators":2024,"An":2025,"Ġ50":2026,"Ġredu":2027,"resent":2028,"Ġabove":2029,"Ġfre":2030,"ĠEurope":2031,"sw":2032,"Ġamount":2033,"ĠApp":2034,"Ġeither":2035,"Ġmilit":2036,"Ġanal":2037,"Ġfail":2038,"ĠEn":2039,"ales":2040,"Ġspecial":2041,"Ġblack":2042,"IT":2043,"cher":2044,"Ġlooking":2045,"Ġfire":2046,"yn":2047,"Ġalmost":2048,"oon":2049,"Ġstudy":2050,"Ġmiss":2051,"ches":2052,"rown":2053,"Ġtre":2054,"Ġcommunity":2055,"Ġmedia":2056,"Ġfood":2057,"Ġcomes":2058,"ĠUniversity":2059,"Ġsingle":2060,"What":2061,"uly":2062,"Ġhalf":2063,"ague":2064,"hod":2065,"ĠRepublic":2066,"Ġstarted":2067,"Ġquick":2068,"oto":2069,"book":2070,"Ġissue":2071,"itor":2072,"Ġelse":2073,"Ġconsider":2074,"26":2075,"rodu":2076,"Ġtaken":2077,"28":2078,"99":2079,"ĠWith":2080,"Ġtrue":2081,"Ġwa":2082,"Ġtrad":2083,"Ġago":2084,"Ġmess":2085,"ief":2086,"Ġadded":2087,"oke":2088,"Ġbad":2089,"Ġfav":2090,"33":2091,"Ġsimilar":2092,"ask":2093,"ĠDon":2094,"Ġcharacter":2095,"orts":2096,"ĠHouse":2097,"Ġreported":2098,"Ġtype":2099,"val":2100,"iod":2101,"ĠHowever":2102,"Ġtarg":2103,"Ġentire":2104,"pping":2105,"Ġhistory":2106,"Ġlive":2107,"ffic":2108,"........":2109,"ederal":2110,"Ġtrying":2111,"Ġdiscuss":2112,"ĠHar":2113,"aces":2114,"lished":2115,"Ġself":2116,"osp":2117,"rest":2118,"Ġroom":2119,"elt":2120,"Ġfall":2121,"olution":2122,"Ġet":2123,"Ġx":2124,"Ġisn":2125,"Ġidea":2126,"bo":2127,"Ġsound":2128,"ĠDep":2129,"Ġsomeone":2130,"cially":2131,"ully":2132,"Ġfoc":2133,"Ġobject":2134,"ift":2135,"aper":2136,"Ġplayer":2137,"Ġrather":2138,"Ġservice":2139,"ashing":2140,"ĠDo":2141,"ĠPart":2142,"rug":2143,"mon":2144,"ply":2145,"Ġmor":2146,"Ġnothing":2147,"Ġprovide":2148,"IC":2149,"ung":2150,"Ġparty":2151,"Ġexist":2152,"Ġmag":2153,"70":2154,"Ġrul":2155,"Ġhouse":2156,"Ġbehind":2157,"Ġhowever":2158,"ĠWorld":2159,"Ġsum":2160,"Ġapplic":2161,"Ġ;":2162,"Ġfunction":2163,"gr":2164,"ĠPol":2165,"Ġfront":2166,"200":2167,"Ġseries":2168,"Ġtem":2169,"Ġtyp":2170,"ills":2171,"Ġopt":2172,"Ġpoints":2173,"Ġbelow":2174,"itted":2175,"Ġspecific":2176,"Ġ2017":2177,"umb":2178,"Ġra":2179,"Ġprevious":2180,"Ġpret":2181,"reme":2182,"Ġcustom":2183,"Ġcourt":2184,"ĠMe":2185,"Ġrepl":2186,"Ġwhole":2187,"go":2188,"cer":2189,"Ġtreat":2190,"ĠAct":2191,"Ġprobably":2192,"Ġlearn":2193,"ender":2194,"ĠAss":2195,"Ġversion":2196,"now":2197,"Ġcheck":2198,"ĠCal":2199,"RE":2200,"minist":2201,"On":2202,"ources":2203,"Ġbenef":2204,"Ġdoc":2205,"Ġdeter":2206,"Ġenc":2207,"Ġsuper":2208,"Ġaddress":2209,"Ġvict":2210,"Ġ2013":2211,"Ġmeas":2212,"tr":2213,"Ġfield":2214,"When":2215,"Ġsignific":2216,"uge":2217,"Ġfeat":2218,"Ġcommon":2219,"load":2220,"Ġbegin":2221,"Ġbring":2222,"Ġaction":2223,"erman":2224,"Ġdescrib":2225,"Ġindust":2226,"Ġwanted":2227,"ried":2228,"ming":2229,"Ġattempt":2230,"45":2231,"fer":2232,"Ġdue":2233,"ression":2234,"##":2235,"Ġshall":2236,"Ġsix":2237,"oo":2238,"Ġstep":2239,"Ġpub":2240,"Ġhimself":2241,"Ġ23":2242,"Ġcop":2243,"Ġdest":2244,"Ġstop":2245,"AC":2246,"ibility":2247,"Ġlab":2248,"icult":2249,"Ġhours":2250,"Ġcreate":2251,"Ġfurther":2252,"ĠAmerica":2253,"ĠCity":2254,"Ġdou":2255,"head":2256,"ST":2257,"ĠNorth":2258,"cing":2259,"Ġnational":2260,"ule":2261,"ĠInst":2262,"Ġtaking":2263,"ĠQu":2264,"irt":2265,"Ġred":2266,"Ġresearch":2267,"viron":2268,"ĠGe":2269,"Ġbreak":2270,"ana":2271,"Ġspace":2272,"aterial":2273,"Ġrecent":2274,"ĠAb":2275,"Ġgeneral":2276,"Ġhit":2277,"Ġperiod":2278,"Ġeverything":2279,"ively":2280,"Ġphys":2281,"Ġsaying":2282,"anks":2283,"Ġcou":2284,"Ġcult":2285,"aced":2286,"eal":2287,"uation":2288,"Ġcoun":2289,"lu":2290,"Ġinclude":2291,"Ġposition":2292,"ĠAfter":2293,"ĠCanad":2294,"ĠEm":2295,"Ġimm":2296,"ĠRed":2297,"Ġpick":2298,"Ġcompl":2299,"Ġmatter":2300,"reg":2301,"ext":2302,"angu":2303,"isc":2304,"ole":2305,"aut":2306,"Ġcompet":2307,"eed":2308,"fect":2309,"Ġ21":2310,"ĠSen":2311,"ĠThese":2312,"asing":2313,"Ġcannot":2314,"Ġinit":2315,"Ġrelations":2316,"ached":2317,"Ġbar":2318,"Ġ40":2319,"ĠTH":2320,"Ġ2012":2321,"Ġvol":2322,"Ġground":2323,"Ġsecurity":2324,"Ġupd":2325,"ilt":2326,"35":2327,"Ġconcern":2328,"ĠJust":2329,"Ġwhite":2330,"Ġseems":2331,"ĠHer":2332,"pecially":2333,"ients":2334,"Ġannoun":2335,"Ġfig":2336,"ights":2337,"Ġstri":2338,"like":2339,"ids":2340,"Ġsus":2341,"Ġwatch":2342,"Ġâ":2343,"Ġwind":2344,"ĠCont":2345,"Ġitself":2346,"Ġmass":2347,"Al":2348,"yle":2349,"ique":2350,"ĠNational":2351,"Ġabs":2352,"Ġpack":2353,"Ġoutside":2354,"Ġanim":2355,"Ġpain":2356,"eter":2357,"Ġmanag":2358,"duct":2359,"ogn":2360,"Ġ]":2361,"ĠSept":2362,"sec":2363,"off":2364,"ĠJan":2365,"Ġfoot":2366,"ades":2367,"Ġthird":2368,"Ġmot":2369,"Ġevidence":2370,"inton":2371,"Ġthreat":2372,"apt":2373,"ples":2374,"cle":2375,"Ġlo":2376,"Ġdecl":2377,"Ġitem":2378,"medi":2379,"Ġrepresent":2380,"omb":2381,"amer":2382,"Ġsignificant":2383,"ograph":2384,"su":2385,"Ġcal":2386,"ires":2387,"0000":2388,"ID":2389,"AM":2390,"Ġsimply":2391,"Ġlonger":2392,"Ġfile":2393,"OT":2394,"che":2395,"So":2396,"ateg":2397,"org":2398,"ĠHis":2399,"Ġener":2400,"Ġdom":2401,"Ġupon":2402,"ili":2403,"\":\"":2404,"Ġthemselves":2405,"Ġcoming":2406,"Ġquite":2407,"Ġdifficult":2408,"ĠBar":2409,"ilities":2410,"rel":2411,"ends":2412,"cial":2413,"64":2414,"Ġwoman":2415,"rap":2416,"yr":2417,"Ġnecess":2418,"ips":2419,"Ġtext":2420,"Ġrequire":2421,"Ġmilitary":2422,"Ġreview":2423,"Ġrespons":2424,"75":2425,"Ġsubject":2426,"Ġinstead":2427,"Ġissues":2428,"Ġgen":2429,"\",\"":2430,"Ġminutes":2431,"Ġweap":2432,"ray":2433,"amed":2434,"time":2435,"bl":2436,"How":2437,"Ġcode":2438,"ĠSm":2439,"Ġhigher":2440,"ĠSte":2441,"ris":2442,"Ġpage":2443,"Ġstudents":2444,"ĠIntern":2445,"Ġmethod":2446,"ĠAug":2447,"ĠPer":2448,"ĠAg":2449,"Ġpolicy":2450,"ĠSw":2451,"Ġexec":2452,"Ġaccept":2453,"ume":2454,"ribut":2455,"Ġwords":2456,"Ġfinal":2457,"Ġchanges":2458,"ĠDemocr":2459,"Ġfriends":2460,"Ġrespect":2461,"Ġep":2462,"Ġcompan":2463,"ivil":2464,"Ġdamage":2465,"****":2466,"ogle":2467,"vironment":2468,"Ġneg":2469,"ental":2470,"Ġap":2471,"Ġtotal":2472,"ival":2473,"!\"":2474,"lim":2475,"Ġneeds":2476,"Ġagre":2477,"Ġdevelopment":2478,"Ġage":2479,"iple":2480,"21":2481,"Ġresults":2482,"ĠAf":2483,"Sh":2484,"Ġgun":2485,"ĠObama":2486,"roll":2487,"Ġ@":2488,"Ġrights":2489,"ĠBrit":2490,"Ġrunning":2491,"Ġwasn":2492,"Ġport":2493,"Ġrate":2494,"Ġpretty":2495,"Ġtarget":2496,"Ġsaw":2497,"Ġcirc":2498,"Ġworks":2499,"icro":2500,"alt":2501,"over":2502,"www":2503,"That":2504,"lier":2505,"Ġeveryone":2506,"ude":2507,"Ġpie":2508,"iddle":2509,"rael":2510,"Ġrad":2511,"Ġblock":2512,"Ġwalk":2513,"To":2514,"ãģ":2515,"nes":2516,"ĠAust":2517,"aul":2518,"rote":2519,"ĠSouth":2520,"ession":2521,"oph":2522,"Ġshows":2523,"Ġsite":2524,"Ġjo":2525,"Ġrisk":2526,"clus":2527,"lt":2528,"Ġinj":2529,"iding":2530,"ĠSpe":2531,"Ġchall":2532,"irm":2533,"Ġ22":2534,"itting":2535,"str":2536,"Ġhy":2537,"LE":2538,"key":2539,"Ġbegan":2540,"atur":2541,"ashington":2542,"lam":2543,"ĠDav":2544,"bit":2545,"Ġsize":2546,"ĠPar":2547,"38":2548,"ournal":2549,"face":2550,"Ġdecision":2551,"Ġlarg":2552,"Ġjud":2553,"rect":2554,"Ġcontinue":2555,"ĠOct":2556,"overed":2557,"ĠInt":2558,"========":2559,"Ġparent":2560,"ĠWill":2561,"Ġeasy":2562,"Ġdrug":2563,"anger":2564,"Ġsense":2565,"Ġdi":2566,"iday":2567,"Ġenergy":2568,"istic":2569,"Ġassoci":2570,"arter":2571,"obal":2572,"eks":2573,"ĠEl":2574,"urch":2575,"Ġgirl":2576,"oe":2577,"itle":2578,"Ġ28":2579,"ĠChe":2580,"Ġrequest":2581,"Ġsoon":2582,"Ġhost":2583,"ky":2584,"Ġstates":2585,"omes":2586,"Ġmaterial":2587,"lex":2588,"Ġmoment":2589,"Ġansw":2590,"onse":2591,"Ġespecially":2592,"Ġnorm":2593,"Ġservices":2594,"pite":2595,"ran":2596,"Ġrole":2597,"44":2598,"):":2599,"Ġcred":2600,"Cl":2601,"________":2602,"Ġmat":2603,"Ġlog":2604,"ĠClinton":2605,"OU":2606,"Ġoffice":2607,"Ġ26":2608,"Ġcharg":2609,"Ġtrack":2610,"ma":2611,"Ġheart":2612,"Ġball":2613,"Ġpersonal":2614,"Ġbuilding":2615,"na":2616,"set":2617,"body":2618,"ĠBlack":2619,"Ġincrease":2620,"itten":2621,"Ġneeded":2622,"36":2623,"32":2624,"=\"":2625,"Ġlost":2626,"Ġbecame":2627,"Ġgroups":2628,"ĠMus":2629,"Ġwrote":2630,"ĠPe":2631,"Ġprop":2632,"joy":2633,"é":2634,"ĠWhite":2635,"Ġdead":2636,".'":2637,"Ġhttp":2638,"Ġwebs":2639,"OS":2640,"Ġinside":2641,"Ġwrong":2642,"Ġstatement":2643,"Ġ...":2644,"yl":2645,"Ġfilm":2646,"Ġmusic":2647,"Ġshare":2648,"ification":2649,"Ġrelease":2650,"Ġforward":2651,"Ġstay":2652,"Ġcomput":2653,"itte":2654,"ser":2655,"Ġoriginal":2656,"Ġcard":2657,"Ġcand":2658,"Ġdiv":2659,"atural":2660,"Ġfavor":2661,"OM":2662,"Ġcases":2663,"uses":2664,"Ġsection":2665,"Ġleave":2666,"ging":2667,"oved":2668,"ĠWashington":2669,"39":2670,"ĠGl":2671,"Ġrequired":2672,"action":2673,"apan":2674,"oor":2675,"iter":2676,"ĠKing":2677,"Ġcountries":2678,"ĠGerman":2679,"lling":2680,"Ġ27":2681,"34":2682,"Ġquestions":2683,"Ġprim":2684,"Ġcell":2685,"Ġshoot":2686,"Ġanyone":2687,"ĠWest":2688,"Ġaffect":2689,"epend":2690,"Ġonline":2691,"ĠIsrael":2692,"ĠSeptember":2693,"Ġability":2694,"Ġcontent":2695,"ises":2696,"Ġreve":2697,"Ġlaun":2698,"Ġindic":2699,"Ġforce":2700,"cast":2701,"Ġsold":2702,"aving":2703,"fl":2704,"Ġsoft":2705,"Ġcompanies":2706,"ceed":2707,"Ġarticle":2708,"Ġaud":2709,"Ġrev":2710,"Ġeduc":2711,"Ġplaying":2712,"05":2713,"Ġheld":2714,"ctor":2715,"Ġreleased":2716,"Ġfederal":2717,"37":2718,"Ġadminist":2719,"Ġinterview":2720,"Ġinstall":2721,"Ġreceived":2722,"Ġsource":2723,"uk":2724,"Ph":2725,"Ġserious":2726,"Ġcreated":2727,"Ġcause":2728,"Ġimmedi":2729,"Ġdefin":2730,"uel":2731,"ĠDepartment":2732,"ctions":2733,"ĠCour":2734,"ĠNow":2735,"ze":2736,"ites":2737,"itution":2738,"Ġlate":2739,"Ġspeak":2740,"ners":2741,"Ġlegal":2742,"ari":2743,"ĠCor":2744,"Ġweeks":2745,"Ġmodel":2746,"Ġpred":2747,"Ġexact":2748,"BC":2749,"ĠBy":2750,"ING":2751,"osing":2752,"Ġtakes":2753,"Ġregard":2754,"Ġopportun":2755,"Ġprice":2756,"Ġ198":2757,"ĠApr":2758,"fully":2759,"Ġord":2760,"Ġproblems":2761,"ruction":2762,"ham":2763,"ĠCount":2764,"lege":2765,"Ġleaders":2766,"ET":2767,"lev":2768,"Ġdeep":2769,"ological":2770,"ese":2771,"haps":2772,"ĠSome":2773,"Ġpers":2774,"Ġcontract":2775,"Ġrelationship":2776,"sp":2777,"oud":2778,"Ġbase":2779,"48":2780,"mit":2781,"Ad":2782,"ancial":2783,"Ġconsum":2784,"Ġpotential":2785,"Ġlangu":2786,"rem":2787,"eth":2788,"Ġrelig":2789,"ressed":2790,"66":2791,"Ġlink":2792,"Ġlower":2793,"ayer":2794,"ĠJune":2795,"Ġfem":2796,"unt":2797,"erc":2798,"urd":2799,"Ġcontact":2800,"Ġill":2801,"Ġmother":2802,"Ġestab":2803,"htt":2804,"ĠMarch":2805,"ĠBro":2806,"ĠChina":2807,"Ġ29":2808,"Ġsqu":2809,"Ġprovided":2810,"Ġaverage":2811,"asons":2812,"Ġ2011":2813,"Ġexam":2814,"lin":2815,"55":2816,"ned":2817,"Ġperfect":2818,"Ġtou":2819,"alse":2820,"ux":2821,"Ġbuy":2822,"Ġshot":2823,"Ġcollect":2824,"Ġphot":2825,"Ġplayed":2826,"Ġsurpr":2827,"Ġofficials":2828,"Ġsimple":2829,"avy":2830,"Ġindustry":2831,"Ġhands":2832,"ground":2833,"Ġpull":2834,"Ġround":2835,"Ġuser":2836,"Ġrange":2837,"uary":2838,"Ġprivate":2839,"ops":2840,"ees":2841,"Ġways":2842,"ĠMich":2843,"Ġveh":2844,"Ġexcept":2845,"Ġterms":2846,"imum":2847,"pper":2848,"ION":2849,"ores":2850,"ĠDragon":2851,"oul":2852,"Ġden":2853,"Ġperformance":2854,"Ġbill":2855,"cil":2856,"47":2857,"Ġenvironment":2858,"Ġexc":2859,"add":2860,"Ġworth":2861,"Ġpict":2862,"Ġchance":2863,"Ġ2018":2864,"bor":2865,"Ġspeed":2866,"iction":2867,"Ġalleg":2868,"ĠJapan":2869,"atory":2870,"reet":2871,"Ġmatch":2872,"ĠII":2873,"Ġstru":2874,"order":2875,"Ġste":2876,"Ġliving":2877,"Ġstruct":2878,"ino":2879,"Ġsepar":2880,"hern":2881,"Ġresponse":2882,"Ġenjoy":2883,"Ġvia":2884,"AD":2885,"uments":2886,"acebook":2887,"Ġmember":2888,"ibr":2889,"izing":2890,"Ġtool":2891,"ĠMon":2892,"ĠWhile":2893,"hood":2894,"ĠAng":2895,"ĠDef":2896,"Ġoffer":2897,"Tr":2898,"aur":2899,"Ġturned":2900,"ĠJuly":2901,"down":2902,"anced":2903,"Ġrecently":2904,"ĠEar":2905,"Ġce":2906,"ĠStar":2907,"ĠCong":2908,"rought":2909,"Ġblood":2910,"Ġhope":2911,"Ġcomment":2912,"aint":2913,"Ġarri":2914,"iles":2915,"Ġparticip":2916,"ought":2917,"ription":2918,"08":2919,"49":2920,"Ġgave":2921,"Ġselect":2922,"Ġkilled":2923,"sych":2924,"Ġgoes":2925,"ij":2926,"Ġcoll":2927,"Ġimpact":2928,"atives":2929,"ĠSer":2930,"09":2931,"ĠAugust":2932,"Ġboy":2933,"de":2934,"ĠDes":2935,"Ġfelt":2936,"US":2937,"Ġexpected":2938,"Ġimage":2939,"ĠMark":2940,"ccording":2941,"oice":2942,"EC":2943,"ĠMag":2944,"ened":2945,"hold":2946,"ĠPost":2947,"Ġprevent":2948,"No":2949,"Ġinvolved":2950,"Ġeyes":2951,"Ġquickly":2952,"At":2953,"unk":2954,"Ġbehav":2955,"Ġur":2956,"Ġled":2957,"come":2958,"ey":2959,"Ġcandid":2960,"Ġearlier":2961,"Ġfocus":2962,"ety":2963,"Pro":2964,"ledge":2965,"ixed":2966,"illed":2967,"Ġpopular":2968,"AP":2969,"Ġsett":2970,"light":2971,"Ġvarious":2972,"inks":2973,"Ġlevels":2974,"Ġroad":2975,"ellig":2976,"ables":2977,"hel":2978,"ittee":2979,"ĠGener":2980,"ype":2981,"Ġheard":2982,"icles":2983,"Ġmis":2984,"Ġusers":2985,"ĠSan":2986,"Ġimprove":2987,"Ġfather":2988,"Ġsearch":2989,"They":2990,"vil":2991,"Ġprofess":2992,"Ġknew":2993,"Ġloss":2994,"Ġevents":2995,"65":2996,"Ġbillion":2997,"07":2998,"02":2999,"ĠNews":3000,"ĠAM":3001,"Ġcover":3002,"where":3003,"ension":3004,"Ġbott":3005,"Ġareas":3006,"ences":3007,"ope":3008,"ĠTwitter":3009,"ael":3010,"Ġgets":3011,"ĠGoogle":3012,"Ġsn":3013,"iant":3014,"Ġvote":3015,"Ġnearly":3016,"Ġincluded":3017,"Ġrecogn":3018,"zz":3019,"mm":3020,"aled":3021,"Ġhappened":3022,"04":3023,"Ġhot":3024,"Ġwhose":3025,"Ġcivil":3026,"Ġsuff":3027,"oes":3028,"itiz":3029,"ĠSyri":3030,"Ġrespond":3031,"Ġhon":3032,"Ġfeatures":3033,"Ġeconomic":3034,"ĠApril":3035,"rim":3036,"Ġtechnology":3037,"Ġoption":3038,"aging":3039,"Ġpurch":3040,"Re":3041,"Ġlat":3042,"chie":3043,"isl":3044,"Ġrecomm":3045,"uf":3046,"Ġtraining":3047,"Ġeffects":3048,"Ġfast":3049,"Ġ2010":3050,"Ġoccur":3051,"Ġwebsite":3052,"Ġemail":3053,"Ġsens":3054,"ech":3055,"Ġoil":3056,"Ġinflu":3057,"Ġcurrently":3058,"ĠSch":3059,"ĠAdd":3060,"Ġgoal":3061,"Ġscient":3062,"Ġconv":3063,"100":3064,"emy":3065,"Ġdecided":3066,"Ġtravel":3067,"Ġmention":3068,"LL":3069,"03":3070,"Ġelection":3071,"Ġphone":3072,"Ġlooks":3073,"Ġsituation":3074,"Ġcy":3075,"Ġhor":3076,"bed":3077,"ĠCourt":3078,"aily":3079,"aves":3080,"Ġquality":3081,"ĠComp":3082,"wise":3083,"Ġtable":3084,"Ġstaff":3085,"ĠWind":3086,"ett":3087,"Ġtried":3088,"idered":3089,"Ġaddition":3090,"Ġbox":3091,"Ġlack":3092,"arily":3093,"Ġwide":3094,"Ġmid":3095,"Ġboard":3096,"ysis":3097,"Ġanti":3098,"ha":3099,"Ġdig":3100,"ening":3101,"Ġdro":3102,"Con":3103,"68":3104,"Ġslow":3105,"based":3106,"sequ":3107,"Ġpath":3108,"Ex":3109,"aker":3110,"Ġworked":3111,"Ġpen":3112,"Ġengine":3113,"Ġlooked":3114,"ĠSuper":3115,"ĠServ":3116,"Ġvictim":3117,"Un":3118,"Ġproperty":3119,"Ġintrodu":3120,"Ġexecut":3121,"ĠPM":3122,"Le":3123,"Ġcolor":3124,"ĠMore":3125,"Ġ60":3126,"Ġnetwork":3127,"Ġdate":3128,"cul":3129,"idge":3130,"Ġextra":3131,"31":3132,"Ġsle":3133,"67":3134,"Ġwond":3135,"Ġreports":3136,"just":3137,"ĠAustral":3138,"Ġcapital":3139,"Ġens":3140,"Ġcommand":3141,"Ġallowed":3142,"Ġprep":3143,"Ġcapt":3144,"hib":3145,"Ġnumbers":3146,"chan":3147,"Ġfair":3148,"mp":3149,"oms":3150,"Ġreach":3151,"With":3152,"tain":3153,"Ġbroad":3154,"Ġcouple":3155,"ecause":3156,"lying":3157,"ĠFeb":3158,"Ġscreen":3159,"Ġlives":3160,"Ġprior":3161,"ĠCongress":3162,"Ar":3163,"Ġapproach":3164,"Ġemer":3165,"aries":3166,"ĠDis":3167,"serv":3168,"ĠNe":3169,"Ġbuilt":3170,"cies":3171,"Ġrepe":3172,"Ġrules":3173,"force":3174,"ĠPal":3175,"Ġfinancial":3176,"Ġconsidered":3177,"ĠChar":3178,"nces":3179,"ĠIS":3180,"Ġbrought":3181,"Ġbi":3182,"iers":3183,"ĠSim":3184,"OP":3185,"Ġproducts":3186,"Ġvisit":3187,"Ġdocument":3188,"Ġconduct":3189,"Ġcompletely":3190,"ining":3191,"ĠCalif":3192,"ibly":3193,"Ġwritten":3194,"ĠTV":3195,"ements":3196,"Ġdraw":3197,"One":3198,"Ġpublished":3199,"Ġsecret":3200,"rain":3201,"het":3202,"ĠFacebook":3203,"onday":3204,"ĠUp":3205,"Ġsexual":3206,"Ġthous":3207,"ĠPat":3208,"Ġess":3209,"Ġstandard":3210,"Ġarm":3211,"ges":3212,"ection":3213,"Ġfell":3214,"Ġforeign":3215,"ani":3216,"ĠFriday":3217,"Ġregular":3218,"inary":3219,"Ġincreased":3220,"Ġusually":3221,"Ġdemon":3222,"Ġdark":3223,"Ġadditional":3224,"rol":3225,"ĠOf":3226,"Ġproduction":3227,"!!":3228,"undred":3229,"Ġinternational":3230,"idents":3231,"ĠFree":3232,"roup":3233,"Ġrace":3234,"Ġmach":3235,"Ġhuge":3236,"All":3237,"lear":3238,"ovember":3239,"Ġtown":3240,"Ġattention":3241,"ĠOff":3242,"yond":3243,"ĠThen":3244,"field":3245,"Ġterror":3246,"raz":3247,"ĠBo":3248,"Ġmeeting":3249,"ĠPark":3250,"Ġarrest":3251,"Ġfear":3252,"Ġaw":3253,"ĠVal":3254,"oring":3255,"',":3256,"Ġextreme":3257,"arr":3258,"Ġworkers":3259,"After":3260,"Ġ31":3261,"net":3262,"ament":3263,"Ġdirectly":3264,"Ġpopulation":3265,"ube":3266,"ĠOctober":3267,"ĠIN":3268,"ĠJanuary":3269,"59":3270,"ĠDavid":3271,"Ġcross":3272,"cember":3273,"ĠFirst":3274,"Ġmessage":3275,"irit":3276,"Ġnation":3277,"Ġpoll":3278,"isions":3279,"Ġanswer":3280,"ny":3281,"isode":3282,"Ġcarry":3283,"ĠRussia":3284,"Ġhear":3285,"ength":3286,"roy":3287,"Ġnatural":3288,"inally":3289,"Ġdog":3290,"mitted":3291,"Ġtrade":3292,"Ġsubst":3293,"Ġmultiple":3294,"ĠAfric":3295,"Ġfans":3296,"Ġsort":3297,"Ġglobal":3298,"ication":3299,"ĠWed":3300,"ara":3301,"Ġachie":3302,"Ġlanguage":3303,"vey":3304,"Ġtal":3305,"Ġnecessary":3306,"Ġdetails":3307,"Ġsen":3308,"ĠSund":3309,"ĠReg":3310,"ĠRec":3311,"06":3312,"Ġsil":3313,"ressive":3314,"Ġmedical":3315,"unch":3316,"ornia":3317,"Ġund":3318,"fort":3319,"ocks":3320,"ĠMonday":3321,"uesday":3322,"craft":3323,"77":3324,"urt":3325,"Ġver":3326,"ĠHill":3327,"Ġreceive":3328,"Ġmorning":3329,"estern":3330,"Ġbank":3331,"Ġsat":3332,"irth":3333,"ĠHigh":3334,"Ġdevice":3335,"ĠTHE":3336,"ĠCenter":3337,"Ġsafe":3338,"Ġple":3339,"ĠCanada":3340,"Ġsystems":3341,"Ġassist":3342,"Ġsurv":3343,"Ġbattle":3344,"ĠSoc":3345,"vertis":3346,"She":3347,"Ġpaper":3348,"Ġgrowth":3349,"Ġcast":3350,"Sc":3351,"Ġplans":3352,"lled":3353,"Ġparts":3354,"Ġwall":3355,"Ġmovement":3356,"Ġpractice":3357,"imately":3358,"Ġdisplay":3359,"Ġsometimes":3360,"omp":3361,"ĠPaul":3362,"ĠYes":3363,"king":3364,"58":3365,"oly":3366,"Ġson":3367,"Ġavoid":3368,"okes":3369,"ĠJew":3370,"Ġtowards":3371,"asc":3372,"Ġ//":3373,"ĠKore":3374,"Ġtalking":3375,"Ġcorrect":3376,"Ġspent":3377,"icks":3378,"iable":3379,"eared":3380,"Ġterm":3381,"Ġwants":3382,"oming":3383,"Ġut":3384,"Ġdoub":3385,"Ġforces":3386,"Ġplease":3387,"69":3388,"ĠNovember":3389,"atform":3390,"ondon":3391,"Ġones":3392,"Ġimmediately":3393,"ĠRussian":3394,"ĠMet":3395,"Ġdeg":3396,"Ġparents":3397,"CH":3398,"ĠAmericans":3399,"aly":3400,"ĠMod":3401,"Ġshown":3402,"Ġconditions":3403,"Ġstuff":3404,"Ġreb":3405,"ĠYour":3406,"Ġincludes":3407,"nown":3408,"ĠSam":3409,"Ġexperien":3410,"mission":3411,"ĠEven":3412,"aught":3413,"Ġannounced":3414,"ĠRepublican":3415,"Ġdetermin":3416,"Ġdescribed":3417,"ĠCounty":3418,"()":3419,"Ġdoor":3420,"Ġchanged":3421,"Ġneigh":3422,"ĠHere":3423,"Ġclean":3424,"Ġpan":3425,"ĠDecember":3426,"ĠEuropean":3427,"iring":3428,"apter":3429,"Ġclub":3430,"ĠTuesday":3431,"Ġpaid":3432,"ĠNet":3433,"Ġattacks":3434,"Ġcharacters":3435,"Ġalone":3436,"Ġdirector":3437,"dom":3438,"Ġ35":3439,"Ġload":3440,"Ġrout":3441,"ĠCalifornia":3442,"Ġfinally":3443,"Ġrac":3444,"Ġcontr":3445,"Ġexactly":3446,"resh":3447,"pri":3448,"ĠIslam":3449,"Ġnature":3450,"Ġcareer":3451,"Ġlatest":3452,"Ġconvers":3453,"ĠSl":3454,"pose":3455,"cient":3456,"ĠInc":3457,"ivity":3458,"88":3459,"ĠAtt":3460,"ĠMor":3461,"nesday":3462,"Ġweight":3463,"ken":3464,"Ġnote":3465,"Ġteams":3466,"Ġ\\":3467,"airs":3468,"ĠGreen":3469,"Ġhundred":3470,"onent":3471,"Ġstreng":3472,"Ġconsist":3473,"icated":3474,"Ġregul":3475,"Ġlic":3476,"astic":3477,"Ġten":3478,"ursday":3479,"elligence":3480,"ously":3481,"ĠUK":3482,"BI":3483,"Ġcosts":3484,"Ġindepend":3485,"ĠAP":3486,"Ġnormal":3487,"Ġhom":3488,"Ġobvious":3489,"Ġswe":3490,"Ġstar":3491,"Ġready":3492,"acher":3493,"Ġimplement":3494,"gest":3495,"Ġsong":3496,"ĠGet":3497,"ĠLab":3498,"Ġinteresting":3499,"using":3500,"Ġgiving":3501,"ĠSunday":3502,"Ġetc":3503,"Ġmiddle":3504,"Ġremember":3505,"right":3506,"osition":3507,"utions":3508,"Ġmax":3509,"46":3510,"Ġyourself":3511,"Ġdemand":3512,"Ġtreatment":3513,"Ġdanger":3514,"ĠCons":3515,"Ġguy":3516,"ĠBritish":3517,"Ġphysical":3518,"Ġrelated":3519,"Ġremain":3520,"Ġcouldn":3521,"Ġrefer":3522,"Ġcitiz":3523,"box":3524,"ENT":3525,"board":3526,"Ġinn":3527,"IG":3528,"ero":3529,"ĠStreet":3530,"ospital":3531,"rench":3532,"chers":3533,"Ġstra":3534,"OL":3535,"ager":3536,"ĠAN":3537,"Ġeasily":3538,"IA":3539,"enge":3540,"iny":3541,"Ġclos":3542,"ocked":3543,"Ġuses":3544,"ĠCoun":3545,"Im":3546,"uild":3547,"??":3548,"more":3549,"Ġang":3550,"Ġwrite":3551,"olute":3552,"57":3553,"Ġleader":3554,"Ġreading":3555,"":3784,"Ġfigure":3785,"Ġdisapp":3786,"enty":3787,"Ġsoftware":3788,"Ġult":3789,"Ġofficers":3790,"New":3791,"Is":3792,"Ġremains":3793,"ĠIndia":3794,"Ġpsych":3795,"rief":3796,"Ġcat":3797,"esc":3798,"Ġobserv":3799,"Ġstage":3800,"ĠDark":3801,"Ġenter":3802,"change":3803,"Ġpassed":3804,"Ġdespite":3805,"ĠOut":3806,"Ġmovie":3807,"rs":3808,"Ġvoice":3809,"mine":3810,"ĠPlay":3811,"Ġtoward":3812,"ĠTer":3813,"Ġregion":3814,"Ġvalues":3815,"orters":3816,"Ġmount":3817,"Ġofficer":3818,"ĠOther":3819,"ban":3820,"Ġhous":3821,"wood":3822,"room":3823,"IV":3824,"ĠSun":3825,"see":3826,"ĠOver":3827,"rog":3828,"90":3829,"Ġlay":3830,"ĠTur":3831,"awn":3832,"Ġpressure":3833,"ĠSub":3834,"Ġbooks":3835,"edom":3836,"ĠSand":3837,"AA":3838,"ago":3839,"Ġreasons":3840,"ford":3841,"Ġactivity":3842,"UT":3843,"Now":3844,"ĠSenate":3845,"cell":3846,"night":3847,"Ġcalls":3848,"inter":3849,"Ġletter":3850,"ĠRob":3851,"ĠJe":3852,"Ġchoose":3853,"ĠLaw":3854,"Get":3855,"Be":3856,"Ġrob":3857,"Ġtypes":3858,"Ġplatform":3859,"Ġquarter":3860,"RA":3861,"ĠTime":3862,"Ġmaybe":3863,"ĠCr":3864,"95":3865,"pre":3866,"Ġmoving":3867,"Ġlif":3868,"Ġgold":3869,"Ġsom":3870,"Ġpatients":3871,"Ġtruth":3872,"ĠKe":3873,"urance":3874,"antly":3875,"mar":3876,"Ġcharge":3877,"ĠGreat":3878,"Ġcele":3879,"--------------------------------":3880,"Ġrock":3881,"roid":3882,"ancy":3883,"Ġcredit":3884,"aud":3885,"By":3886,"ĠEvery":3887,"Ġmoved":3888,"inger":3889,"ribution":3890,"Ġnames":3891,"Ġstraight":3892,"ĠHealth":3893,"ĠWell":3894,"Ġfeature":3895,"Ġrule":3896,"Ġsche":3897,"inated":3898,"ĠMichael":3899,"berg":3900,"41":3901,"iled":3902,"band":3903,"Ġclick":3904,"ĠAngel":3905,"onents":3906,"ÂŃ":3907,"ĠIraq":3908,"ĠSaturday":3909,"Ġaware":3910,"part":3911,"Ġpattern":3912,"OW":3913,"ĠLet":3914,"Ġgrad":3915,"igned":3916,"Ġassociated":3917,"Ġstyle":3918,"no":3919,"iation":3920,"aith":3921,"ilies":3922,"Ġstories":3923,"uration":3924,"Ġindividuals":3925,"Ġâ̦":3926,"miss":3927,"ĠAssoci":3928,"ishing":3929,"aby":3930,"Ġsummer":3931,"ĠBen":3932,"Ġ32":3933,"Ġarch":3934,"uty":3935,"ĠTexas":3936,"hol":3937,"Ġfully":3938,"Ġmill":3939,"Ġfollowed":3940,"ĠBill":3941,"ĠIndian":3942,"ĠSecret":3943,"ĠBel":3944,"ĠFebruary":3945,"Ġjobs":3946,"Ġseemed":3947,"ĠGovern":3948,"ipped":3949,"Ġreality":3950,"Ġlines":3951,"Ġpark":3952,"Ġmeasure":3953,"ĠOur":3954,"IM":3955,"Ġbrother":3956,"Ġgrowing":3957,"Ġban":3958,"Ġestim":3959,"Ġcry":3960,"ĠSchool":3961,"Ġmechan":3962,"ĠOF":3963,"ĠWindows":3964,"Ġrates":3965,"ĠOh":3966,"Ġpositive":3967,"Ġculture":3968,"istics":3969,"ica":3970,"Ġhar":3971,"ya":3972,"itely":3973,"ipp":3974,"Ġmap":3975,"encies":3976,"ĠWilliam":3977,"II":3978,"akers":3979,"56":3980,"ĠMart":3981,"ĠRem":3982,"Ġaltern":3983,"itude":3984,"Ġcoach":3985,"rowd":3986,"Don":3987,"Ġkids":3988,"Ġjournal":3989,"Ġcorpor":3990,"Ġfalse":3991,"Ġweb":3992,"Ġsleep":3993,"Ġcontain":3994,"Ġsto":3995,"Ġbed":3996,"iverse":3997,"ĠRich":3998,"ĠChinese":3999,"Ġpun":4000,"Ġmeant":4001,"known":4002,"Ġnotice":4003,"Ġfavorite":4004,"aven":4005,"Ġcondition":4006,"Ġpurpose":4007,"))":4008,"Ġorganization":4009,"Ġchalleng":4010,"Ġmanufact":4011,"Ġsusp":4012,"ĠAc":4013,"Ġcritic":4014,"unes":4015,"uclear":4016,"Ġmer":4017,"vention":4018,"Ġ80":4019,"Ġmist":4020,"ĠUs":4021,"ĠTor":4022,"http":4023,"olf":4024,"Ġlarger":4025,"Ġadvant":4026,"Ġresear":4027,"Ġactions":4028,"ml":4029,"Ġkept":4030,"Ġaim":4031,",'":4032,"col":4033,"Ġbenefits":4034,"ifying":4035,"Ġactual":4036,"ĠInternational":4037,"Ġvehicle":4038,"Ġchief":4039,"Ġefforts":4040,"ĠLeague":4041,"ĠMost":4042,"Ġwait":4043,"Ġadult":4044,"Ġoverall":4045,"Ġspeech":4046,"Ġhighly":4047,"Ġfemale":4048,"Ġerror":4049,"Ġeffective":4050,"54":4051,"Ġencour":4052,"well":4053,"Ġfailed":4054,"Ġconserv":4055,"Ġprograms":4056,"Ġtrou":4057,"Ġahead":4058,"500":4059,"vertisement":4060,"IP":4061,"ĠFound":4062,"pir":4063,"Ġ%":4064,"Ġcrime":4065,"ander":4066,"Ġlocation":4067,"ĠIran":4068,"Ġbehavior":4069,"azing":4070,"Ġrare":4071,"Ġemb":4072,"Ġcaused":4073,"Ġship":4074,"Ġactive":4075,"Ġcontribut":4076,"Ġgreen":4077,"Ġacqu":4078,"Ġreflect":4079,"venue":4080,"Ġfirm":4081,"Ġbirth":4082,"].":4083,"Ġclearly":4084,"Ġemot":4085,"Ġagency":4086,"riage":4087,"Ġmemory":4088,"98":4089,"SA":4090,"ĠSee":4091,"acing":4092,"CC":4093,"Ġbiggest":4094,"Ġrap":4095,"Ġbasic":4096,"Ġband":4097,"eat":4098,"Ġsuspect":4099,"ĠMac":4100,"Ġ90":4101,"mark":4102,"istan":4103,"Ġspread":4104,"ams":4105,"ki":4106,"asy":4107,"rav":4108,"ĠRober":4109,"Ġdemonstr":4110,"rated":4111,"Ġabsolute":4112,"Ġplaces":4113,"Ġimpl":4114,"ibrary":4115,"Ġcards":4116,"Ġdestroy":4117,"Ġvirt":4118,"vere":4119,"Ġappeared":4120,"yan":4121,"point":4122,"Ġbeg":4123,"Ġtemper":4124,"spe":4125,"anted":4126,"ears":4127,"ĠDirect":4128,"Ġlength":4129,"Ġblog":4130,"amb":4131,"Ġinteg":4132,"Ġresources":4133,"acc":4134,"iful":4135,"Ġspot":4136,"Ġforced":4137,"Ġthousands":4138,"ĠMinister":4139,"Ġqual":4140,"ĠFrench":4141,"atically":4142,"Ġgenerally":4143,"Ġdrink":4144,"Ġthus":4145,"IL":4146,"odes":4147,"Ġappropri":4148,"ĠRead":4149,"Ġwhom":4150,"Ġeye":4151,"Ġcollege":4152,"Ġ45":4153,"irection":4154,"Ġensure":4155,"Ġapparent":4156,"iders":4157,"Ġreligious":4158,"Ġminor":4159,"olic":4160,"Ġtro":4161,"ĠWhy":4162,"ribute":4163,"met":4164,"Ġprimary":4165,"Ġdeveloped":4166,"Ġpeace":4167,"Ġskin":4168,"ste":4169,"ava":4170,"Ġblue":4171,"Ġfamilies":4172,"Ġir":4173,"Ġapply":4174,"Ġinform":4175,"ĠSmith":4176,"CT":4177,"ii":4178,"Ġlimit":4179,"Ġresist":4180,"................":4181,"umn":4182,"Ġconflic":4183,"Ġtwe":4184,"udd":4185,"ĠTom":4186,"Ġliter":4187,"que":4188,"bon":4189,"Ġhair":4190,"Ġeventually":4191,"Ġpus":4192,"Ġhelped":4193,"Ġagg":4194,"orney":4195,"ĠApple":4196,"Ġfit":4197,"ĠSur":4198,"Ġprem":4199,"Ġsales":4200,"Ġseconds":4201,"Ġstrength":4202,"Ġfeeling":4203,"¿½":4204,"Ġtour":4205,"Ġknows":4206,"oom":4207,"Ġexerc":4208,"Ġsomew":4209,"�":4210,">>":4211,"Ġspokes":4212,"Ġideas":4213,"Ġregist":4214,"soft":4215,"ĠDel":4216,"ĠPC":4217,"Ġpropos":4218,"Ġlaunch":4219,"Ġbottom":4220,"TH":4221,"ĠPlease":4222,"vest":4223,"itz":4224,"ĠInter":4225,"Ġscript":4226,"Ġrat":4227,"arning":4228,"Ġil":4229,"ĠJer":4230,"ĠAre":4231,"Ġwhatever":4232,"oken":4233,"cience":4234,"Ġmode":4235,"Ġagree":4236,"Ġsources":4237,"Ġinitial":4238,"Ġrestrict":4239,"Ġwonder":4240,"usion":4241,"####":4242,"ĠSil":4243,"ville":4244,"Ġburn":4245,"tw":4246,"asion":4247,"Ġ£":4248,"Ġnor":4249,"uing":4250,"Ġreached":4251,"Ġsun":4252,"Ġcateg":4253,"igration":4254,"Ġcook":4255,"Ġpromot":4256,"Ġmale":4257,"Ġclimate":4258,"Ġfix":4259,"Ġalleged":4260,"UR":4261,"alled":4262,"Ġimages":4263,"Cont":4264,"ota":4265,"Ġschools":4266,"ios":4267,"Ġdrop":4268,"Ġstream":4269,"ĠMo":4270,"Ġpreviously":4271,"aling":4272,"Ġpet":4273,"Ġdouble":4274,"Ġ(@":4275,"annel":4276,"Ġdefault":4277,"ties":4278,"Ġrank":4279,"ĠDec":4280,"ĠCouncil":4281,"Ġweapon":4282,"Ġstock":4283,"Ġanaly":4284,"ĠStr":4285,"Ġpicture":4286,"ĠPolice":4287,"ference":4288,"Ġcentury":4289,"Ġcitizens":4290,"Ġonto":4291,"Ġexpand":4292,"Ġhero":4293,"ĠSol":4294,"Ġwild":4295,"Ġupdate":4296,"Ġcustomers":4297,"ront":4298,"def":4299,"Ġlik":4300,"Ġcriminal":4301,"ĠChristian":4302,"SP":4303,"76":4304,"Ġleaving":4305,"Ġotherwise":4306,"ĠDist":4307,"Ġbasis":4308,"52":4309,"53":4310,"icip":4311,"ĠBer":4312,"Ġrecommend":4313,"Ġfloor":4314,"Ġcrowd":4315,"oles":4316,"Ġ70":4317,"Ġcentral":4318,"ĠEv":4319,"Ġdream":4320,"Ġdownload":4321,"Ġconfir":4322,"ĠThom":4323,"Ġwindow":4324,"Ġhappens":4325,"Ġunit":4326,"Ġtend":4327,"Ġspl":4328,"Ġbecomes":4329,"Ġfighting":4330,"Ġpredict":4331,"ĠPress":4332,"ĠPower":4333,"Ġheavy":4334,"aked":4335,"Ġfan":4336,"orter":4337,"ategy":4338,"BA":4339,"izes":4340,"Ġspend":4341,"Here":4342,"Ġ2007":4343,"Ġadop":4344,"ĠHam":4345,"Ġfootball":4346,"ĠPort":4347,"oday":4348,"51":4349,"ampions":4350,"Ġtransfer":4351,"ht":4352,"Ġ38":4353,"term":4354,"acity":4355,"Ġbur":4356,"],":4357,"ternal":4358,"rig":4359,"but":4360,"Ġtherefore":4361,"ĠBecause":4362,"resp":4363,"rey":4364,"Ġmission":4365,"Some":4366,"Ġnoted":4367,"Ġassum":4368,"Ġdisease":4369,"Ġedit":4370,"Ġprogress":4371,"rd":4372,"ĠBrown":4373,"ocal":4374,"Ġadding":4375,"Ġraised":4376,"ĠAny":4377,"Ġtick":4378,"Ġseeing":4379,"ĠPeople":4380,"Ġagreement":4381,"Ġserver":4382,"Ġwat":4383,"Ġdebate":4384,"Ġsupposed":4385,"iling":4386,"Ġlargest":4387,"Ġsuccessful":4388,"ĠPri":4389,"ĠDemocratic":4390,"Ġjump":4391,"ĠSyria":4392,"Ġowners":4393,"Ġoffers":4394,"Ġshooting":4395,"Ġeffic":4396,"sey":4397,"Ġhaven":4398,"verse":4399,"tered":4400,"ĠLight":4401,"imal":4402,"ĠBig":4403,"Ġdefend":4404,"Ġbeat":4405,"Ġrecords":4406,"%)":4407,"Ġscen":4408,"Ġemployees":4409,"Ġdevices":4410,"hem":4411,"Ġcommer":4412,"ĠMex":4413,"Ġbenefit":4414,"ĠProf":4415,"Ġilleg":4416,"Ġsurface":4417,"ĠAlso":4418,"Ġharm":4419,"ingly":4420,"wide":4421,"ĠAlex":4422,"Ġshut":4423,"ĠCur":4424,"Ġlose":4425,"pm":4426,"Ġchallenge":4427,"semb":4428,"Ġstation":4429,"Ġintelligence":4430,"Ġaccur":4431,"ĠFlor":4432,"Ġrequires":4433,"ĠMal":4434,"bum":4435,"Ġhospital":4436,"Ġspirit":4437,"Ġoffered":4438,"Ġproduce":4439,"ĠCommun":4440,"Ġcreating":4441,"Ġcris":4442,"spect":4443,"Ġended":4444,"Ġdaily":4445,"Ġvoters":4446,"lands":4447,"ias":4448,"ih":4449,"ona":4450,"Ġsmart":4451,"ĠOffice":4452,"ĠLord":4453,"rial":4454,"ĠInternet":4455,"Ġcircum":4456,"Ġextremely":4457,"'.":4458,"Ġopinion":4459,"ĠMil":4460,"Ġgain":4461,"BS":4462,"ĠFin":4463,"yp":4464,"Ġuseful":4465,"Ġbudget":4466,"Ġcomfort":4467,"isf":4468,"Ġbackground":4469,"eline":4470,"Ġepisode":4471,"Ġenemy":4472,"Ġtrial":4473,"Ġestablish":4474,"date":4475,"ĠCap":4476,"Ġcontinues":4477,"Ġshowing":4478,"ĠUnion":4479,"with":4480,"Ġposted":4481,"ĠSystem":4482,"Ġeat":4483,"rian":4484,"Ġrise":4485,"ĠGermany":4486,"ils":4487,"Ġsigned":4488,"Ġvill":4489,"Ġgrand":4490,"mor":4491,"ĠEngland":4492,"Ġprojects":4493,"umber":4494,"Ġconference":4495,"za":4496,"Ġresponsible":4497,"ĠArab":4498,"Ġlearned":4499,"âĢĶâĢĶ":4500,"ipping":4501,"ĠGeorge":4502,"OC":4503,"Ġreturned":4504,"ĠAustralia":4505,"Ġbrief":4506,"Qu":4507,"Ġbrand":4508,"illing":4509,"abled":4510,"Ġhighest":4511,"Ġtrain":4512,"ĠCommission":4513,"while":4514,"Ġnom":4515,"ception":4516,"Ġmut":4517,"ĠBlue":4518,"Ġincident":4519,"vant":4520,"86":4521,"ĠID":4522,"Ġnuclear":4523,"74":4524,"ĠLike":4525,"ĠRE":4526,"ĠMicro":4527,"li":4528,"mail":4529,"Ġcharges":4530,"89":4531,"Ġadjust":4532,"ado":4533,"Ġearth":4534,"NA":4535,"Ġprices":4536,"PA":4537,"Ġdraft":4538,"Ġruns":4539,"Ġcandidate":4540,"enses":4541,"Ġmanagement":4542,"ĠPhil":4543,"ĠMiss":4544,"Ġteach":4545,"gram":4546,"Ġunderstanding":4547,"ait":4548,"icago":4549,"Add":4550,"ĠEp":4551,"secut":4552,"Ġseparate":4553,"Ġinstance":4554,"Ġeth":4555,"Ġunless":4556,"********":4557,"ĠFore":4558,"inate":4559,"Ġoperations":4560,"Sp":4561,"Ġfaith":4562,"gar":4563,"ĠChurch":4564,"ronic":4565,"Ġconfig":4566,"osure":4567,"Ġactivities":4568,"Ġtraditional":4569,"Ġ36":4570,"Ġdirection":4571,"Ġmachine":4572,"Ġsurround":4573,"Ġpush":4574,"unction":4575,"ĠEU":4576,"Ġeasier":4577,"Ġargument":4578,"GB":4579,"Ġmicro":4580,"Ġspending":4581,"izations":4582,"Ġtheory":4583,"adow":4584,"Ġcalling":4585,"ĠLast":4586,"Ġder":4587,"Ġinfluence":4588,"Ġcommit":4589,"Ġphoto":4590,"Ġunc":4591,"istry":4592,"gn":4593,"aste":4594,"acks":4595,"Ġdisp":4596,"ady":4597,"do":4598,"ĠGood":4599,"Ġ`":4600,"Ġwish":4601,"Ġrevealed":4602,"³³":4603,"lig":4604,"Ġenforce":4605,"ĠCommittee":4606,"Ġchem":4607,"Ġmiles":4608,"Ġinterested":4609,"Ġsolution":4610,"icy":4611,"inct":4612,"Ġ->":4613,"ĠDet":4614,"Ġremoved":4615,"Ġcompar":4616,"eah":4617,"Ġplant":4618,"ĠSince":4619,"Ġachieve":4620,"Ġadvantage":4621,"Ġslightly":4622,"bing":4623,"Ġplaced":4624,"under":4625,"2015":4626,"ĠMad":4627,"Ġtim":4628,"oses":4629,"Ġcru":4630,"ĠRock":4631,"Ġmostly":4632,"Ġnegative":4633,"Ġsetting":4634,"Ġproduced":4635,"Ġmur":4636,"Ġconnection":4637,"ĠMer":4638,"Ġdriver":4639,"Ġexecutive":4640,"Ġassault":4641,"Ġborn":4642,"ĠVer":4643,"tained":4644,"Ġstructure":4645,"Ġreduce":4646,"Ġdecades":4647,"Ġded":4648,"uke":4649,"ĠMany":4650,"idden":4651,"Ġleague":4652,"Se":4653,"Ġjoin":4654,"Ġdisco":4655,"Ġdie":4656,"cks":4657,"actions":4658,"Ġassess":4659,"agn":4660,"Ġgoals":4661,"ours":4662,"IR":4663,"Ġsenior":4664,"iller":4665,"mod":4666,"ipment":4667,"ocol":4668,"uy":4669,"ĠQue":4670,"Ġparties":4671,"irgin":4672,"Ġlearning":4673,"itable":4674,"Ġstreet":4675,"Ġcamera":4676,"App":4677,"Ġskills":4678,"bre":4679,"cious":4680,"Ġcelebr":4681,"ĠFranc":4682,"Ġexisting":4683,"Ġwilling":4684,"lor":4685,"Ġid":4686,"ĠSpace":4687,"Ġcritical":4688,"ĠLa":4689,"ortunately":4690,"Ġserve":4691,"Ġcold":4692,"Ġspecies":4693,"TS":4694,"Ġanimals":4695,"ĠBay":4696,"Ġolder":4697,"ĠUnder":4698,"estic":4699,"ĠTre":4700,"Ġteacher":4701,"Ġprefer":4702,"vis":4703,"Ġthread":4704,"ĠMatt":4705,"Ġmanager":4706,"ãĥ»":4707,"Ġprofessional":4708,"ĠVol":4709,"Ġnotes":4710,"These":4711,"ula":4712,"Ġfresh":4713,"ented":4714,"uzz":4715,"edy":4716,"clusion":4717,"ĠRel":4718,"Ġdoubt":4719,"EO":4720,"Ġopened":4721,"ĠBit":4722,"Advertisement":4723,"Ġguess":4724,"ĠUN":4725,"Ġsequ":4726,"Ġexplain":4727,"otten":4728,"Ġattract":4729,"aks":4730,"Ġstring":4731,"Ġcontext":4732,"ossible":4733,"ĠRepublicans":4734,"Ġsolid":4735,"Ġcities":4736,"Ġasking":4737,"Ġrandom":4738,"ups":4739,"uries":4740,"arant":4741,"dden":4742,"gl":4743,"ĠFlorida":4744,"Ġdepend":4745,"ĠScott":4746,"Ġ33":4747,"ĠiT":4748,"icon":4749,"Ġmentioned":4750,"Ġ2000":4751,"Ġclaimed":4752,"Ġdefinitely":4753,"ulf":4754,"Ġcore":4755,"Ġopening":4756,"ĠConst":4757,"which":4758,"ĠTra":4759,"AG":4760,"72":4761,"Ġbelieved":4762,"ada":4763,"Ġ48":4764,"ĠSecurity":4765,"yright":4766,"ĠPet":4767,"ĠLou":4768,"Ġholding":4769,"================":4770,"Ġice":4771,"Ġbrow":4772,"Ġauthorities":4773,"host":4774,"word":4775,"Ġscore":4776,"ĠDiv":4777,"Ġcells":4778,"Ġtransl":4779,"Ġneighbor":4780,"Ġremove":4781,"uct":4782,"Ġdistrict":4783,"ĠAccording":4784,"Ġworse":4785,"Ġconcerns":4786,"Ġpresidential":4787,"Ġpolicies":4788,"ĠHall":4789,"73":4790,"Ġhus":4791,"AY":4792,"Ġ2006":4793,"ĠJud":4794,"Ġindependent":4795,"ĠJustice":4796,"iliar":4797,"print":4798,"ighter":4799,"Ġprotection":4800,"zen":4801,"Ġsudden":4802,"house":4803,"ĠJes":4804,"PR":4805,"ĠInf":4806,"Ġbul":4807,"Ġ_":4808,"ĠService":4809,"ĠPR":4810,"Ġstrategy":4811,"ffect":4812,"Ġgirls":4813,"Ġmissing":4814,"oyal":4815,"ĠTeam":4816,"ulated":4817,"Ġdat":4818,"Ġpolitics":4819,"abor":4820,"According":4821,"Ġspell":4822,"Ġgraph":4823,"orthern":4824,"TC":4825,"Ab":4826,"Ġlabor":4827,"isher":4828,"Ġkick":4829,"ĠiTunes":4830,"Ġsteps":4831,"poses":4832,"Ġsmaller":4833,"En":4834,"bert":4835,"Ġroll":4836,"Ġresearchers":4837,"Ġclosed":4838,"Ġtransport":4839,"Ġlawy":4840,"________________":4841,"ĠChicago":4842,"Ġaspect":4843,"Ġnone":4844,"Ġmarriage":4845,"96":4846,"Ġelements":4847,"ĠFre":4848,"ĠSal":4849,"Ġdram":4850,"FC":4851,"top":4852,"equ":4853,"Ġhearing":4854,"Ġsupported":4855,"Ġtesting":4856,"cohol":4857,"Ġmassive":4858,"Ġstick":4859,"Ġguard":4860,"isco":4861,"phone":4862,"From":4863,"However":4864,"Ġborder":4865,"Ġcopy":4866,"ography":4867,"list":4868,"71":4869,"Ġowner":4870,"class":4871,"ruit":4872,"rate":4873,"ĠOnce":4874,"Ġdigital":4875,"Ġtask":4876,"ERS":4877,"Ġincred":4878,"tes":4879,"++":4880,"ĠFrance":4881,"Ġbreat":4882,"owl":4883,"Ġissued":4884,"ĠWestern":4885,"Ġdetect":4886,"Ġpartners":4887,"Ġshared":4888,"ĠCall":4889,"Ġcancer":4890,"ache":4891,"ribe":4892,"Ġexplained":4893,"Ġheat":4894,"{\"":4895,"Ġinvestment":4896,"ĠBook":4897,"Ġwood":4898,"Ġtools":4899,"ĠAlthough":4900,"Ġbelief":4901,"Ġcrisis":4902,"Ġge":4903,"ĠMP":4904,"Ġoperation":4905,"type":4906,"~~":4907,"ga":4908,"Ġcontains":4909,"anta":4910,"Ġexpress":4911,"ĠGroup":4912,"ĠJournal":4913,"ka":4914,"Ġamb":4915,"ĠUSA":4916,"Ġfinding":4917,"Ġfunding":4918,"how":4919,"Ġestablished":4920,"ideos":4921,"Ġdegree":4922,"Ġdangerous":4923,"anging":4924,"Ġfreedom":4925,"pport":4926,"outhern":4927,"Ġchurch":4928,"Ġcatch":4929,"ĠTwo":4930,"Ġpresence":4931,"ĠGuard":4932,"Up":4933,"Ġauthority":4934,"ĠProject":4935,"Ġbutton":4936,"Ġconsequ":4937,"Ġvalid":4938,"Ġweak":4939,"Ġstarts":4940,"Ġreference":4941,"ĠMem":4942,"\")":4943,"UN":4944,"orage":4945,"ĠOpen":4946,"Ġcollection":4947,"ym":4948,"gency":4949,"Ġbeautiful":4950,"ros":4951,"Ġtells":4952,"Ġwaiting":4953,"nel":4954,"Ġproviding":4955,"ĠDemocrats":4956,"Ġdaughter":4957,"Ġmaster":4958,"Ġpurposes":4959,"ĠJapanese":4960,"Ġequal":4961,"Ġturns":4962,"Ġdocuments":4963,"Ġwatching":4964,"Res":4965,"Ġran":4966,"2014":4967,"Ġreject":4968,"ĠKorea":4969,"Ġvictims":4970,"Level":4971,"erences":4972,"Ġwitness":4973,"Ġ34":4974,"Ġreform":4975,"coming":4976,"Ġoccup":4977,"Ġcaught":4978,"Ġtraffic":4979,"ading":4980,"Ġmodels":4981,"ario":4982,"Ġserved":4983,"Ġbatter":4984,"uate":4985,"ĠSecretary":4986,"Ġagreed":4987,"Ġtruly":4988,"ynam":4989,"ĠRet":4990,"Ġunits":4991,"ĠResearch":4992,"hand":4993,"azine":4994,"ĠMike":4995,"Ġvariety":4996,"otal":4997,"Ġamazing":4998,"Ġconfirmed":4999,"Ġentirely":5000,"Ġpurchase":5001,"Ġelement":5002,"Ġcash":5003,"Ġdetermine":5004,"De":5005,"Ġcars":5006,"ĠWall":5007,"âĸ":5008,"Ġviews":5009,"Ġdrugs":5010,"Ġdepartment":5011,"ĠStep":5012,"uit":5013,"Ġ39":5014,"asure":5015,"ĠClass":5016,"Ġcovered":5017,"ĠBank":5018,"Ġmere":5019,"uana":5020,"Ġmulti":5021,"Ġmix":5022,"Ġunlike":5023,"levision":5024,"Ġstopped":5025,"Ġsem":5026,"ĠGal":5027,"ules":5028,"Ġwel":5029,"ĠJohnson":5030,"la":5031,"Ġskill":5032,"Ġbecoming":5033,"rie":5034,"Ġappropriate":5035,"fe":5036,"ellow":5037,"ĠProt":5038,"ulate":5039,"ocation":5040,"Ġweekend":5041,"odies":5042,"Ġsites":5043,"Ġanimal":5044,"ĠTim":5045,"Ġscale":5046,"Ġcharged":5047,"Ġinstruct":5048,"illa":5049,"Ġmethods":5050,"Ġcert":5051,"Ġjudge":5052,"ĠHel":5053,"Ġdollars":5054,"Ġstanding":5055,"ĠSqu":5056,"Ġdebt":5057,"liam":5058,"Ġdriving":5059,"ĠSum":5060,"ĠEdition":5061,"Ġalbum":5062,"andon":5063,"IF":5064,"ĠUk":5065,"63":5066,"ader":5067,"Ġcommercial":5068,"esh":5069,"ĠGovernment":5070,"Ġdiscovered":5071,"Ġoutput":5072,"ĠHillary":5073,"ĠCarol":5074,"Ġ2005":5075,"Ġabuse":5076,"ancing":5077,"Ġswitch":5078,"Ġannual":5079,"Tw":5080,"Ġstated":5081,"agement":5082,"inner":5083,"Ġdemocr":5084,"Ġresidents":5085,"Ġallowing":5086,"Ġfactors":5087,"odd":5088,"Ġfuck":5089,"emies":5090,"Ġoccurred":5091,"oti":5092,"Ġnorth":5093,"ĠPublic":5094,"Ġinjury":5095,"Ġinsurance":5096,"CL":5097,"olly":5098,"ãĢ":5099,"Ġrepeated":5100,"Ġarms":5101,"anged":5102,"Ġconstruction":5103,"Ġfle":5104,"PU":5105,"icians":5106,"Ġforms":5107,"ĠMcC":5108,"antic":5109,"Ġmental":5110,"pire":5111,"Ġequipment":5112,"Ġfant":5113,"Ġdiscussion":5114,"Ġregarding":5115,"kin":5116,"arp":5117,"Ġchair":5118,"ogue":5119,"Ġproceed":5120,"ĠId":5121,"Our":5122,"Ġmurder":5123,"Man":5124,"Ġ49":5125,"asp":5126,"Ġsupply":5127,"Ġinput":5128,"Ġwealth":5129,"liament":5130,"Ġproced":5131,"orial":5132,"ĠStat":5133,"ĠNFL":5134,"hens":5135,"ĠInstitute":5136,"Ġputting":5137,"ournament":5138,"etic":5139,"Ġlocated":5140,"Ġkid":5141,"eria":5142,"run":5143,"Ġprinc":5144,"Ġ!":5145,"going":5146,"ĠBet":5147,"Ġclot":5148,"Ġtelling":5149,"Ġproposed":5150,"iot":5151,"orry":5152,"Ġfunds":5153,"gment":5154,"ĠLife":5155,"Ġbaby":5156,"ĠBack":5157,"Ġspoke":5158,"Image":5159,"Ġearn":5160,"ĠAT":5161,"gu":5162,"Ġexchange":5163,"ĠLin":5164,"oving":5165,"Ġpair":5166,"More":5167,"azon":5168,"Ġarrested":5169,"Ġkilling":5170,"can":5171,"ĠCard":5172,"yd":5173,"Ġidentified":5174,"Ġmobile":5175,"Ġthanks":5176,"onym":5177,"ĠForm":5178,"Ġhundreds":5179,"ĠChris":5180,"ĠCat":5181,"Ġtrend":5182,"hat":5183,"ĠAv":5184,"oman":5185,"Ġelectric":5186,"ĠWil":5187,"SE":5188,"Of":5189,"Ġrestaur":5190,"oted":5191,"Ġtrig":5192,"Ġnine":5193,"Ġbomb":5194,"Why":5195,"¯":5196,"Ġcoverage":5197,"Ġappeal":5198,"ĠRobert":5199,"ĠSup":5200,"Ġfinished":5201,"Ġflow":5202,"Ġdeliver":5203,"Ġcalcul":5204,"Ġphotos":5205,"Ġphil":5206,"Ġpieces":5207,"Ġappre":5208,"kes":5209,"Ġrough":5210,"Do":5211,"Ġpartner":5212,"Ġconcerned":5213,"Ġ37":5214,"ĠGen":5215,"Col":5216,"ctors":5217,"Ġ=>":5218,"state":5219,"Ġsuggested":5220,"ĠForce":5221,"CE":5222,"Ġherself":5223,"ĠPlan":5224,"works":5225,"ooth":5226,"rency":5227,"Ġcorner":5228,"Ġhusband":5229,"Ġinternet":5230,"ĠAut":5231,"ems":5232,"osen":5233,"ĠAtl":5234,"gen":5235,"Ġbalance":5236,"62":5237,"Ġsounds":5238,"text":5239,"Ġarr":5240,"oves":5241,"Ġmillions":5242,"Ġradio":5243,"Ġsatisf":5244,"ĠDam":5245,"Mr":5246,"Go":5247,"Spe":5248,"Ġcombat":5249,"rant":5250,"ĠGree":5251,"Ġfuel":5252,"Ġdistance":5253,"Ġtests":5254,"Ġdecre":5255,"ĠEr":5256,"Ġmanaged":5257,"DS":5258,"Ġtit":5259,"Ġmeasures":5260,"ĠLiber":5261,"Ġattend":5262,"ashed":5263,"ĠJose":5264,"ĠNight":5265,"dit":5266,"ĠNov":5267,"ĠEnd":5268,"outs":5269,"Ġgeneration":5270,"Ġadvoc":5271,"yth":5272,"Ġconversation":5273,"ĠSky":5274,"active":5275,"cel":5276,"rier":5277,"ĠFrank":5278,"Ġgender":5279,"Ġconcent":5280,"Ġcarried":5281,"anda":5282,"ĠVirgin":5283,"Ġarrived":5284,"icide":5285,"aded":5286,"Ġfailure":5287,"Ġminimum":5288,"lets":5289,"Ġworst":5290,"Ġkeeping":5291,"Ġintended":5292,"Ġillegal":5293,"Ġsubsc":5294,"Ġdetermined":5295,"Ġtrip":5296,"Yes":5297,"Ġraise":5298,"Ġ~":5299,"Ġfeels":5300,"Ġpackage":5301,"ĠJo":5302,"hi":5303,"2016":5304,"real":5305,"Ġfra":5306,"Ġsymb":5307,"Me":5308,"ucky":5309,"pret":5310,"ĠKh":5311,"ĠEdit":5312,"ĠWeb":5313,"emic":5314,"ĠColor":5315,"Ġjustice":5316,"Int":5317,"Ġfarm":5318,"cknow":5319,"\">":5320,"eless":5321,"Ġreduced":5322,"Ġ500":5323,"xx":5324,"ĠRad":5325,"ĠWood":5326,"Ġclin":5327,"Ġhyp":5328,"iler":5329,"ura":5330,"kins":5331,"85":5332,"61":5333,"ĠTheir":5334,"ĠMary":5335,"Ġsan":5336,"Ġnovel":5337,"ĠWho":5338,"Ġcapacity":5339,"Ġimpossible":5340,"Ġplays":5341,"Ġminister":5342,"ijuana":5343,"icate":5344,"ĠSet":5345,"Ġfram":5346,"Ġing":5347,"Ġcommunities":5348,"ĠFBI":5349,"ita":5350,"Ġbon":5351,"Ġstrateg":5352,"Ġinterests":5353,"lock":5354,"gers":5355,"mas":5356,"ĠAND":5357,"Ġconflict":5358,"Ġrequirements":5359,"Ġsac":5360,"Ġoperating":5361,"ini":5362,"related":5363,"Ġcommitted":5364,"Ġrelatively":5365,"Ġsouth":5366,"¯¯":5367,"Ġafford":5368,"Ġidentity":5369,"Ġdecisions":5370,"Ġaccused":5371,"place":5372,"Ġvictory":5373,"och":5374,"iat":5375,"Name":5376,"Com":5377,"tion":5378,"eds":5379,"Ġseek":5380,"Ġtight":5381,"ĠImages":5382,"Ġiniti":5383,"Ġhumans":5384,"Ġfamiliar":5385,"Ġaudience":5386,"Ġinternal":5387,"venture":5388,"Ġsides":5389,"ĠTO":5390,"Ġdim":5391,"Ġconclud":5392,"Ġappoint":5393,"Ġenforcement":5394,"ĠJim":5395,"ĠAssociation":5396,"Ġcircumst":5397,"ĠCanadian":5398,"Ġjoined":5399,"Ġdifferences":5400,"ĠLos":5401,"Ġprotest":5402,"Ġtwice":5403,"win":5404,"Ġglass":5405,"arsh":5406,"ĠArmy":5407,"Ġexpression":5408,"Ġdecide":5409,"Ġplanning":5410,"ania":5411,"Ġhandle":5412,"ĠMicrosoft":5413,"ĠNor":5414,"Ġmaximum":5415,"ĠRev":5416,"Ġsea":5417,"Ġeval":5418,"Ġhelps":5419,"ref":5420,"Ġbound":5421,"Ġmouth":5422,"Ġstandards":5423,"Ġclim":5424,"ĠCamp":5425,"ĠFox":5426,"cles":5427,"Ġarmy":5428,"ĠTechn":5429,"acking":5430,"xy":5431,"SS":5432,"Ġ42":5433,"Ġbug":5434,"ĠUkrain":5435,"ĠMax":5436,"ĠJones":5437,"ĠShow":5438,"lo":5439,"Ġplanet":5440,"Ġ75":5441,"Ġwinning":5442,"Ġfaster":5443,"Ġspect":5444,"Ġbroken":5445,"TR":5446,"Ġdefined":5447,"Ġhealthy":5448,"Ġcompetition":5449,"https":5450,"ĠIsland":5451,"ĠFe":5452,"Ġannounce":5453,"ĠCup":5454,"ĠInstead":5455,"Ġclient":5456,"Ġpossibly":5457,"section":5458,"ocket":5459,"look":5460,"Ġfinish":5461,"Ġcrew":5462,"Ġreserv":5463,"Ġeditor":5464,"Ġhate":5465,"Ġsale":5466,"Ġcontrovers":5467,"Ġpages":5468,"wing":5469,"Ġnumer":5470,"Ġopposition":5471,"Ġ2004":5472,"Ġrefuge":5473,"Ġflight":5474,"Ġapart":5475,"ĠLat":5476,"Americ":5477,"ĠAfrica":5478,"Ġapplications":5479,"ĠPalest":5480,"ĠBur":5481,"Ġgar":5482,"ĠSocial":5483,"Ġupgr":5484,"Ġshape":5485,"Ġspeaking":5486,"ansion":5487,"ao":5488,"ĠSn":5489,"Ġworry":5490,"ĠBritain":5491,"Please":5492,"roud":5493,"Ġhun":5494,"Ġintroduced":5495,"Ġdiet":5496,"Ind":5497,"ĠSecond":5498,"Ġfunctions":5499,"uts":5500,"ĠEach":5501,"ĠJeff":5502,"Ġstress":5503,"Ġaccounts":5504,"Ġguarant":5505,"ĠAnn":5506,"edia":5507,"Ġhonest":5508,"Ġtree":5509,"ĠAfrican":5510,"ĠBush":5511,"},":5512,"Ġsch":5513,"ĠOnly":5514,"Ġfif":5515,"igan":5516,"Ġexercise":5517,"ĠExp":5518,"Ġscientists":5519,"Ġlegislation":5520,"ĠWork":5521,"ĠSpr":5522,"ÃĤ":5523,"ĠHuman":5524,"Ġè":5525,"Ġsurvey":5526,"Ġrich":5527,"rip":5528,"Ġmaintain":5529,"Ġflo":5530,"Ġleadership":5531,"stream":5532,"ĠIslamic":5533,"Ġ01":5534,"ĠCollege":5535,"Ġmagic":5536,"ĠPrime":5537,"Ġfigures":5538,"2017":5539,"inder":5540,"xual":5541,"ĠDead":5542,"Ġabsolutely":5543,"Ġfourth":5544,"Ġpresented":5545,"respond":5546,"rible":5547,"Ġalcohol":5548,"ato":5549,"ĠDE":5550,"porary":5551,"Ġgrab":5552,"Ġvari":5553,"Ġquant":5554,"ĠPhoto":5555,"Ġplus":5556,"rick":5557,"arks":5558,"Ġalternative":5559,"Ġpil":5560,"Ġapprox":5561,"that":5562,"Ġobjects":5563,"ĠRo":5564,"ĠAndroid":5565,"Ġsignificantly":5566,"ĠRoad":5567,"kay":5568,"Read":5569,"avor":5570,"Ġacknow":5571,"ĠHD":5572,"ĠSing":5573,"Or":5574,"ĠMont":5575,"Ġuns":5576,"prof":5577,"Ġnegoti":5578,"ĠArch":5579,"iki":5580,"Ġtelevision":5581,"ĠJewish":5582,"Ġcommittee":5583,"Ġmotor":5584,"Ġappearance":5585,"Ġsitting":5586,"Ġstrike":5587,"ĠDown":5588,"comp":5589,"ĠHist":5590,"Ġfold":5591,"acement":5592,"ĠLouis":5593,"Ġbelong":5594,"ĠâĢ¢":5595,"Ġmort":5596,"Ġprepared":5597,"Ġ64":5598,"ĠMaster":5599,"Ġindeed":5600,"ĠDen":5601,"Ġrent":5602,"TA":5603,"ourney":5604,"arc":5605,"Su":5606,"97":5607,"Ġadvice":5608,"Ġchanging":5609,"Ġlisted":5610,"Ġlaunched":5611,"isation":5612,"ĠPeter":5613,"ishes":5614,"Ġlived":5615,"ĠMel":5616,"ĠSupreme":5617,"ĠFederal":5618,"Ġ);":5619,"ructure":5620,"Ġsets":5621,"Ġphilos":5622,"uous":5623,"ĠÂł":5624,"Ġapplied":5625,"ĠNOT":5626,"Ġhousing":5627,"ĠMount":5628,"Ġodd":5629,"Ġsust":5630,"DA":5631,"fficient":5632,"Ġ?":5633,"olved":5634,"Ġpowers":5635,"Ġthr":5636,"Ġremaining":5637,"ĠWater":5638,"LC":5639,"Ġcauses":5640,"ãģ®":5641,"Ġmanner":5642,"ads":5643,"Ġsuggests":5644,"Ġends":5645,"standing":5646,"fig":5647,"ĠDun":5648,"idth":5649,"Ġgay":5650,"Ġtermin":5651,"ĠAngeles":5652,"MS":5653,"Ġscientific":5654,"Ġcoal":5655,"apers":5656,"bar":5657,"ĠThomas":5658,"Ġsym":5659,"ĠRun":5660,"this":5661,"PC":5662,"igrants":5663,"Ġminute":5664,"ĠDistrict":5665,"cellent":5666,"Ġleaves":5667,"Ġcompleted":5668,"amin":5669,"Ġfocused":5670,"Ġmonitor":5671,"Ġvehicles":5672,"MA":5673,"ĠMass":5674,"ĠGrand":5675,"Ġaffected":5676,"itutional":5677,"Ġconstruct":5678,"Ġfollows":5679,"Ġton":5680,"reens":5681,"Ġhomes":5682,"ĠExt":5683,"ĠLevel":5684,"rast":5685,"ĠIr":5686,"Ġelim":5687,"Ġlargely":5688,"ĠJoe":5689,"Ġvotes":5690,"alls":5691,"Ġbusinesses":5692,"ĠFoundation":5693,"ĠCentral":5694,"Ġyards":5695,"Ġmaterials":5696,"ulner":5697,"Ġguide":5698,"Ġcloser":5699,"ums":5700,"Ġsports":5701,"eder":5702,"Just":5703,"Ġtaxes":5704,"84":5705,"ĠOld":5706,"Ġdecade":5707,"ola":5708,"Ġvir":5709,"Ġdropped":5710,"Ġdelay":5711,"itect":5712,"Ġsecure":5713,"stein":5714,"level":5715,"Ġtreated":5716,"Ġfiled":5717,"aine":5718,"Ġvan":5719,"Ġmir":5720,"Ġcolumn":5721,"icted":5722,"eper":5723,"Ġrot":5724,"Ġconsult":5725,"Ġentry":5726,"Ġmarijuana":5727,"ĠDou":5728,"Ġapparently":5729,"oking":5730,"clusive":5731,"Ġincreases":5732,"ano":5733,"Ġspecifically":5734,"Ġtele":5735,"ensions":5736,"Ġreligion":5737,"abilities":5738,"Ġframe":5739,"ĠNote":5740,"ĠLee":5741,"Ġhelping":5742,"Ġedge":5743,"oston":5744,"Ġorganizations":5745,"Ãĥ":5746,"ĠBoth":5747,"hips":5748,"Ġbigger":5749,"Ġboost":5750,"ĠStand":5751,"Ġrow":5752,"uls":5753,"abase":5754,"Ġrid":5755,"Let":5756,"aren":5757,"rave":5758,"Ġstret":5759,"PD":5760,"Ġvision":5761,"Ġwearing":5762,"Ġappreci":5763,"Ġaward":5764,"ĠUse":5765,"Ġfactor":5766,"war":5767,"ulations":5768,")(":5769,"Ġgod":5770,"Ġterrit":5771,"Ġparam":5772,"asts":5773,"87":5774,"Ġenemies":5775,"ĠGames":5776,"FF":5777,"Ġaccident":5778,"Well":5779,"ĠMartin":5780,"TER":5781,"Ġath":5782,"ĠHell":5783,"Ġforg":5784,"Ġveter":5785,"ĠMedic":5786,"free":5787,"Ġstars":5788,"Ġexpensive":5789,"Ġacad":5790,"rawn":5791,"ĠWhe":5792,"Ġlock":5793,"Ġformat":5794,"Ġsoldiers":5795,"sm":5796,"Ġagent":5797,"Ġresponsibility":5798,"ora":5799,"ĠScience":5800,"Ġrapid":5801,"Ġtough":5802,"ĠJesus":5803,"Ġbelieves":5804,"ML":5805,"Ġwear":5806,"lete":5807,"ÃĥÃĤ":5808,"ĠDri":5809,"Ġcommission":5810,"ĠBob":5811,"Oh":5812,"aped":5813,"Ġwarm":5814,"ÃĥÃĤÃĥÃĤ":5815,"Ġ2003":5816,"ortion":5817,"Ġhasn":5818,"uster":5819,"Ġunivers":5820,"ĠIll":5821,"Ġking":5822,"ologies":5823,"94":5824,"ĠTem":5825,"ĠMos":5826,"Ġpatient":5827,"ĠMexico":5828,"cean":5829,"ĠDeath":5830,"ĠSanders":5831,"you":5832,"ĠCast":5833,"ĠCompany":5834,"pty":5835,"Ġhappening":5836,"FP":5837,"ĠBattle":5838,"Ġbought":5839,"Am":5840,"Mod":5841,"Us":5842,"uters":5843,"ĠCre":5844,"ĠThose":5845,"Ġ44":5846,"iser":5847,"Ġsoul":5848,"ĠTop":5849,"ĠHarry":5850,"ĠAw":5851,"Ġseat":5852,"ffee":5853,"Ġrevolution":5854,"Ġ(\"":5855,"ĠDuring":5856,"ette":5857,"Ġring":5858,"Ġoffensive":5859,"Ġreturns":5860,"Ġvideos":5861,"Ġdiscl":5862,"Ġfamous":5863,"enced":5864,"ĠSign":5865,"ĠRiver":5866,"Ġ300":5867,"PM":5868,"ĠBus":5869,"ĠCH":5870,"Ġcandidates":5871,"arden":5872,"Ġpercentage":5873,"Ġvisual":5874,"Ġthank":5875,"Ġtrouble":5876,"nergy":5877,"Ġ2001":5878,"Ġprove":5879,"ashion":5880,"Ġenh":5881,"ĠLong":5882,"UM":5883,"Ġconnected":5884,"Ġpossibility":5885,"Over":5886,"Ġexpert":5887,"Ġlibrary":5888,"arts":5889,"ĠDirector":5890,"Ġfellow":5891,"92":5892,"irty":5893,"Ġdry":5894,"Ġsigns":5895,"ĠLove":5896,"Ġquiet":5897,"foot":5898,"Ġpure":5899,"ĠHun":5900,"Ġfilled":5901,"phas":5902,"ĠElect":5903,"endment":5904,"ĠExpl":5905,"Ġunable":5906,"ns":5907,"mo":5908,"Ġvast":5909,"obe":5910,"Ġidentify":5911,"apping":5912,"ĠCarolina":5913,"gress":5914,"Ġprote":5915,"Ġfish":5916,"Ġcircumstances":5917,"razy":5918,"ĠPhot":5919,"Ġbodies":5920,"ĠMur":5921,"Ġdeveloping":5922,"ĠAR":5923,"Ġexperienced":5924,"Ġsubstant":5925,"ĠBoard":5926,"esome":5927,"Ġdomestic":5928,"Ġcombined":5929,"ĠPut":5930,"Ġchemical":5931,"ĠChild":5932,"Ġpool":5933,"ĠCy":5934,"Ġegg":5935,"cons":5936,"sters":5937,"Ġhurt":5938,"Ġmarkets":5939,"Ġconservative":5940,"Ġsupporters":5941,"Ġagencies":5942,"idel":5943,"Ob":5944,"urb":5945,"Ġ43":5946,"ĠDefense":5947,"ye":5948,"ĠAp":5949,"dule":5950,"Ġtemperature":5951,"Ġconducted":5952,"ĠChief":5953,"Ġpulled":5954,"Ġfol":5955,"Last":5956,"onto":5957,"osis":5958,"VER":5959,"Des":5960,"ĠPan":5961,"First":5962,"Ġadvance":5963,"Ġlicense":5964,"rors":5965,"ĠJon":5966,"Ġimagine":5967,"Ġhell":5968,"Ġfixed":5969,"Ġincor":5970,"osite":5971,"ĠLog":5972,"icken":5973,"]:":5974,"Ġsurprise":5975,"hab":5976,"Ġcraft":5977,"olt":5978,"ĠJul":5979,"Ġdial":5980,"Ġrelevant":5981,"Ġentered":5982,"Ġleads":5983,"ĠAD":5984,"ĠClean":5985,"Ġpictures":5986,"essor":5987,"Ġalt":5988,"Ġpaying":5989,"Per":5990,"ĠMarket":5991,"Ġupdates":5992,"amily":5993,"ĠType":5994,"ĠHome":5995,"Ġ55":5996,"sembly":5997,"rome":5998,"83":5999,"Ġgreatest":6000,"Ġheight":6001,"Ġheav":6002,"aints":6003,"Ġlisten":6004,"aser":6005,"ĠSH":6006,"Ġcapable":6007,"acle":6008,"Ġperspect":6009,"inating":6010,"Ġoffering":6011,"rypt":6012,"ĠDevelop":6013,"abin":6014,"rc":6015,"Ġbright":6016,"alty":6017,"arrow":6018,"Ġsuppl":6019,"inding":6020,"acked":6021,"gypt":6022,"ĠAnother":6023,"pg":6024,"ĠVirginia":6025,"ĠLu":6026,"Ġplanned":6027,"Ġpit":6028,"Ġsweet":6029,"Type":6030,"ĠDi":6031,"Ġtypically":6032,"ĠFrancisco":6033,"Ġprospect":6034,"ĠDan":6035,"Ġteen":6036,"rees":6037,"Ġsched":6038,"Ġhol":6039,"Ġscr":6040,"Ġlots":6041,"life":6042,"Ġnewsp":6043,"Ġforget":6044,"ĠNone":6045,"ĠMiddle":6046,"ĠRyan":6047,"edd":6048,"Ġsevere":6049,"Ġsuit":6050,"ller":6051,"93":6052,"Ġcorrespond":6053,"Ġexplos":6054,"uations":6055,"Ġflag":6056,"game":6057,"rid":6058,"Ġprin":6059,"ĠData":6060,"Ġdeploy":6061,"ĠEnter":6062,"suit":6063,"ghan":6064,"ĠMen":6065,"Ġthoughts":6066,"Ġmatters":6067,"Ġadapt":6068,"ĠAri":6069,"Ġfill":6070,"Ġforth":6071,"Ġsam":6072,"Ġ41":6073,"Ġpayment":6074,"ĠHor":6075,"Ġspring":6076,"duc":6077,"Ġlosing":6078,"Ġbringing":6079,"FO":6080,"ala":6081,"Ġdistribution":6082,"hered":6083,"bour":6084,"ĠIsraeli":6085,"oma":6086,"Ġcombination":6087,"Ġplenty":6088,"VE":6089,"Can":6090,"ĠHaw":6091,"Ġperman":6092,"ĠSpecial":6093,"Ġtow":6094,"Ġseeking":6095,"Ġexamples":6096,"Ġclasses":6097,"cr":6098,"Ġbeer":6099,"Ġmoves":6100,"ĠIP":6101,"ĠKn":6102,"Ġpanel":6103,"Even":6104,"Ġproperly":6105,"Ġris":6106,"Ġplug":6107,"Ġestimated":6108,"Every":6109,"Ġdefensive":6110,"agraph":6111,"Ġpregn":6112,"Ġinstit":6113,"ĠVict":6114,"Ġvolume":6115,"Ġpositions":6116,"Ġlinks":6117,"ĠProgram":6118,"ĠWeek":6119,"agues":6120,"Ġtransform":6121,"ker":6122,"ĠCEO":6123,"Ġcas":6124,"Ġopponent":6125,"Ġtweet":6126,"ĠCode":6127,"Ġshop":6128,"Ġfly":6129,"Ġtalks":6130,"Ġbag":6131,"Phone":6132,"Ġaid":6133,"Ġplants":6134,"Ġ65":6135,"Ġattorney":6136,"arters":6137,"quest":6138,"ĠMagic":6139,"Ġbegins":6140,"Ġmyster":6141,"Ġenvironmental":6142,"Ġstorage":6143,"NN":6144,"Ġmarg":6145,"Ġske":6146,"Ġmetal":6147,"elly":6148,"Ġordered":6149,"Ġremained":6150,"Ġloved":6151,"Ġprompt":6152,"Ġupdated":6153,"Ġexperts":6154,"Ġwalking":6155,"Ġancient":6156,"Ġperformed":6157,"ATE":6158,"Ġneither":6159,"iency":6160,"Ġmanufacture":6161,"ĠPak":6162,"Ġselected":6163,"Ġmine":6164,"Ġultimately":6165,"Ġexplan":6166,"Ġlabel":6167,"ĠServices":6168,"ributed":6169,"Trump":6170,"Ġsyn":6171,"ĠUlt":6172,"SC":6173,"Ġmeat":6174,"Ġgiant":6175,"ĠWars":6176,"ĠON":6177,"Ġadm":6178,"Ġinterpret":6179,"Ġevening":6180,"Ġevil":6181,"ĠBoston":6182,"ĠWild":6183,"ĠÃ":6184,"ĠBitcoin":6185,"ĠAmazon":6186,"Dr":6187,"ĠInformation":6188,"Ġobviously":6189,"Ġadvanced":6190,"Photo":6191,"olar":6192,"Ġweather":6193,"Ġsymbol":6194,"Ġsole":6195,"Ġpotentially":6196,"oster":6197,"Ġoriginally":6198,"mun":6199,"300":6200,"aze":6201,"essions":6202,"Ġdeck":6203,"Ġstood":6204,"Ġyouth":6205,"ĠBern":6206,"Rep":6207,"ĠTest":6208,"Ġbasically":6209,"otic":6210,"Ġinvolve":6211,"olit":6212,"lyn":6213,"See":6214,"Ġaircraft":6215,"Ġconfirm":6216,"EW":6217,"Ġmessages":6218,"ĠRichard":6219,"Ġkit":6220,"Ġprohib":6221,"Ġvulner":6222,"isters":6223,"Ġexistence":6224,"Ġturning":6225,"ĠSP":6226,"Ġdesire":6227,"Ġflat":6228,"Ġment":6229,"season":6230,"anges":6231,"Ġneighborhood":6232,"ĠLake":6233,"ATION":6234,"Ġpointed":6235,"bur":6236,"Ġinnov":6237,"ucks":6238,"UL":6239,"Ġprofessor":6240,"Ġexpressed":6241,"AB":6242,"icious":6243,"Ġ2002":6244,"ĠDev":6245,"Ġsession":6246,"Ġbare":6247,"sen":6248,"Ġdiss":6249,"ĠCath":6250,"ĠPass":6251,"ĠPoint":6252,"Ġdoctor":6253,"orrow":6254,"ailed":6255,"ĠRub":6256,"ĠDC":6257,"ĠCharl":6258,"person":6259,"Ġwriter":6260,"ighters":6261,"ureau":6262,"Ġoblig":6263,"Ġrecorded":6264,"Ġbroke":6265,"Ġorders":6266,"ilty":6267,"Ġmotion":6268,"inity":6269,"law":6270,"adium":6271,"Ġimmigration":6272,"Ġcontrast":6273,"Ġbatt":6274,"Ġexcellent":6275,"Ġtechnical":6276,"ami":6277,"Ġtun":6278,"Ġcloud":6279,"ĠYear":6280,"geon":6281,"Ġcreation":6282,"Ġstrange":6283,"Ġauth":6284,"Ġfort":6285,"born":6286,"Ġextent":6287,"ĠToday":6288,"ĠClub":6289,"Ġrain":6290,"Ġsample":6291,"Ġaccepted":6292,"Ġtact":6293,"Ġfired":6294,"ĠSon":6295,"Ġstands":6296,"Ġboot":6297,"Ġ47":6298,"Ġstatements":6299,"Ġversions":6300,"Ġselling":6301,"ounded":6302,"Ġ1990":6303,"Ġweren":6304,"ĠWatch":6305,"Ġexperiment":6306,"Post":6307,"Ġretail":6308,"uled":6309,"Inst":6310,"unte":6311,"ãĥ¼":6312,"Ġdepart":6313,"Ġbond":6314,"ivery":6315,"ompl":6316,"Ġreaction":6317,"ĠSyrian":6318,"ĠPac":6319,"apped":6320,"aniel":6321,"DP":6322,"Ġresolution":6323,"Ġreact":6324,"Ġapproved":6325,"onom":6326,"mond":6327,"ĠOffic":6328,"---":6329,"Ġreplace":6330,"Ġtack":6331,"Ġsport":6332,"Ġchain":6333,"Ġemergency":6334,"rad":6335,"ĠPalestin":6336,"Ġ46":6337,"Ġautomatically":6338,"Ġroute":6339,"Ġpal":6340,"Ġbanks":6341,"ĠParis":6342,"ĠMedia":6343,"road":6344,"icing":6345,"ixt":6346,"isted":6347,"Ġgrew":6348,"Ġcoord":6349,"ĠWhere":6350,"omin":6351,"Ġsubs":6352,"��":6353,"Ġ±":6354,"Ġcorporate":6355,"Ġselection":6356,"noon":6357,"ĠReport":6358,"cs":6359,"cluding":6360,"orders":6361,"anche":6362,"ĠIts":6363,"Ġslowly":6364,"ĠEgypt":6365,"ĠAcc":6366,"Ġcolle":6367,"iques":6368,"EX":6369,"Ġattempts":6370,"url":6371,"ĠCross":6372,"Ġfindings":6373,"ĠSC":6374,"ĠOR":6375,"Ġindex":6376,"ensity":6377,"ĠWay":6378,"ĠLand":6379,"Ġshock":6380,"dis":6381,"Ġdynam":6382,"Ġcart":6383,"mosp":6384,"Since":6385,"iest":6386,"ĠBoy":6387,"Ġstorm":6388,"ĠContin":6389,"2013":6390,"hew":6391,"ilit":6392,"Ġessential":6393,"iquid":6394,"Other":6395,"ivered":6396,"Ġreasonable":6397,"Act":6398,"Ġsubsequ":6399,"ĠPack":6400,"ĠFort":6401,"Ġconsidering":6402,"Ġuniversity":6403,"log":6404,"Ġmarried":6405,"Ġillust":6406,"ĠTrue":6407,"£ı":6408,"Ġnumerous":6409,"rastructure":6410,"Ġseriously":6411,"Ġreferred":6412,"ua":6413,"Ġconsistent":6414,"onna":6415,"ĠReal":6416,"ruption":6417,"ciples":6418,"Ġfacts":6419,"91":6420,"otes":6421,"erg":6422,"Then":6423,"Ġaccompl":6424,"Note":6425,"Ġrevenue":6426,"Ġpassing":6427,"Ġmal":6428,"een":6429,"ĠYet":6430,"Ġgather":6431,"terday":6432,"ework":6433,"ĠAuthor":6434,"Pe":6435,"Ġoptim":6436,"Ġrub":6437,"Ġè£ı":6438,"Ġunknown":6439,"stone":6440,"Ġunion":6441,"olve":6442,"Ġopportunities":6443,"Ġbrowser":6444,"ĠWal":6445,"ĠCost":6446,"Ġreporting":6447,"sts":6448,"pet":6449,"Ġsand":6450,"Ġsuddenly":6451,"Ġsurprising":6452,"ĠVR":6453,"Ġsomewhat":6454,"ĠBas":6455,"ulture":6456,"izz":6457,"ĠCD":6458,"Ġchallenges":6459,"Ġsettings":6460,"Ġexperiences":6461,"ĠFull":6462,"Ġcann":6463,"Ġreceiving":6464,"EST":6465,"Ġjoint":6466,"Ġcultural":6467,"Ġast":6468,"82":6469,"astern":6470,"ceived":6471,"ĠCru":6472,"Ġbull":6473,"pired":6474,"amm":6475,"Ġfacing":6476,"power":6477,"Ġboss":6478,"ĠHol":6479,"Ġinstr":6480,"Ġincreasingly":6481,"Ġshift":6482,"Ġstreets":6483,"ĠWilliams":6484,"abb":6485,"Ġlie":6486,"Ġlaugh":6487,"ĠCa":6488,"PL":6489,"Ġadults":6490,"Ġcustomer":6491,"Ġobtained":6492,"Ġsupporting":6493,"html":6494,"fire":6495,"Ġdetailed":6496,"Ġpicked":6497,"ĠRight":6498,"lder":6499,"EE":6500,"stood":6501,"ĠKim":6502,"Ġwire":6503,"Ġsight":6504,"Ġdevelopers":6505,"Ġpersons":6506,"Ġsad":6507,"Ġcup":6508,"Ġwarning":6509,"Ġboys":6510,"long":6511,"Ġbird":6512,"fo":6513,"Ġwal":6514,"Ġobserved":6515,"Ġzone":6516,"iveness":6517,"Ġchannel":6518,"cript":6519,"Ġrefused":6520,"ĠAgain":6521,"Ġsuc":6522,"Ġspokesman":6523,"ĠRef":6524,"rite":6525,"ouston":6526,"ãĥ³":6527,"ĠSher":6528,"Ġacts":6529,"ĠName":6530,"Ġstruggle":6531,"arry":6532,"ometimes":6533,"Ġdiscrim":6534,"HT":6535,"Ġcategory":6536,"Ġrealize":6537,"Ġemployee":6538,"ĠAfghan":6539,"enger":6540,"Ġguns":6541,"ĠSteve":6542,"ĠMot":6543,"ĠOl":6544,"oked":6545,"Ġthick":6546,"Ġfairly":6547,"illy":6548,"Ġsurve":6549,"ĠMat":6550,"weight":6551,"âĶ":6552,"Ġtroops":6553,"Ġagents":6554,"Ġbattery":6555,"Ġmotiv":6556,"á":6557,"Sec":6558,"den":6559,"overy":6560,"LS":6561,"Ġflu":6562,"Ġconfident":6563,"ĠOper":6564,"Ġempty":6565,"Ġphen":6566,"Ġsector":6567,"Ġexcited":6568,"Ġremote":6569,"aph":6570,"oen":6571,"Ġdestroyed":6572,"Ġmoral":6573,"ĠHP":6574,"ĠRon":6575,"Ġdress":6576,"ĠBat":6577,"Ġlit":6578,"ĠMS":6579,"Ġaf":6580,"HL":6581,"rum":6582,"isms":6583,"Ġshouldn":6584,"Ġsympt":6585,"ĠToronto":6586,"hetic":6587,"Ġcarbon":6588,"Ġinstalled":6589,"Ġviolent":6590,"Ġsolar":6591,"ja":6592,"Ġpractices":6593,"Ġride":6594,"ĠPenn":6595,"Ġimproved":6596,"Ġaudio":6597,"Ġbehavi":6598,"ĠPS":6599,"Ġeating":6600,"Data":6601,"ĠReview":6602,"pass":6603,"claim":6604,"uated":6605,"angers":6606,"chen":6607,"Ġproperties":6608,"Ġanywhere":6609,"Another":6610,"Ġblow":6611,"ĠJackson":6612,"Ġproud":6613,"Ġplane":6614,"lines":6615,"Ġsquare":6616,"Ġproof":6617,"ansas":6618,"Ġtalked":6619,"makers":6620,"Ġsister":6621,"Ġholds":6622,"Ġresident":6623,"Ġ==":6624,"Ġresistance":6625,"Ġsplit":6626,"Ġprosecut":6627,"Ġconfidence":6628,"resents":6629,"Ġcuts":6630,"Ġexception":6631,"Ġzero":6632,"Getty":6633,"Ġcopyright":6634,"Ġtotally":6635,"ormal":6636,"ifications":6637,"ĠAustralian":6638,"Ġsick":6639,"Ġ150":6640,"Ġhousehold":6641,"Ġfees":6642,"Ġdrivers":6643,"ogen":6644,"ĠNY":6645,"Ġnecessarily":6646,"Ġregulations":6647,"earing":6648,"sl":6649,"Ġperspective":6650,"care":6651,"icial":6652,"His":6653,"Ġescape":6654,"Ġsurprised":6655,"ĠVan":6656,"urrent":6657,"Ġvac":6658,"81":6659,"ĠThus":6660,"Ġemphas":6661,"ĠChampions":6662,"ĠIce":6663,"Ġnarr":6664,"Ġheads":6665,"Ġcausing":6666,"bel":6667,"fortunately":6668,"ĠMa":6669,"Ġtargets":6670,"cipl":6671,"Ġafternoon":6672,"Ġadds":6673,"ĠMaybe":6674,"ĠFour":6675,"essed":6676,"plete":6677,"Ġusual":6678,"cho":6679,"ingu":6680,"Ġwithd":6681,"ĠEnergy":6682,"ĠEconom":6683,"OO":6684,"Ġarticles":6685,"Ġinjured":6686,"Ġmanage":6687,"Ġexplains":6688,"Ġdiagn":6689,"Rec":6690,"atures":6691,"Ġlinked":6692,"Ġdiscussed":6693,"Ġexplo":6694,"Ġoccasion":6695,"athan":6696,"Ġopposite":6697,"Ġfaces":6698,"Ġdenied":6699,"ĠKnight":6700,"Ġnut":6701,"Ġapproximately":6702,"Ġdisappoint":6703,"onymous":6704,"ĠBest":6705,"ĠLo":6706,"ĠHy":6707,"ĠAff":6708,"Ġvoting":6709,"anwhile":6710,"ĠIII":6711,"Ġinstitutions":6712,"agram":6713,"ĠDaily":6714,"Ġdrag":6715,"Ġnearby":6716,"Ġguilty":6717,"Ġconver":6718,"Pre":6719,"ship":6720,"Ġreward":6721,"Ġphilosoph":6722,"ĠSS":6723,"ugh":6724,"Ġapps":6725,"friend":6726,"Ġupper":6727,"Ġadvert":6728,"Ġsnow":6729,"Ġfrust":6730,"Ġourselves":6731,"Fr":6732,"ĠDie":6733,"ampion":6734,"Ġdismiss":6735,"Ġcere":6736,"Ġsignal":6737,"from":6738,"Ġ).":6739,"Ġ52":6740,"Ġcrimes":6741,"itors":6742,"estival":6743,"useum":6744,"Ġcouncil":6745,"ĠSaud":6746,"May":6747,"ĠGun":6748,"ician":6749,"ether":6750,"Ġsufficient":6751,"ĠHen":6752,"sole":6753,"Ġhistorical":6754,"ĠFar":6755,"ĠTurn":6756,"Ġpin":6757,"Ġsucceed":6758,"mat":6759,"lymp":6760,"Ġtradition":6761,"ĠOk":6762,"Ġcro":6763,"Ġdescription":6764,"alle":6765,"Ġsky":6766,"Te":6767,"Ġwidely":6768,"Ġwave":6769,"Ġdefinition":6770,"ĠJews":6771,"Ġcycle":6772,"Ġrefere":6773,"Ġbrings":6774,"usal":6775,"Ġalive":6776,"Ġfrequently":6777,"Ġintention":6778,"ĠControl":6779,"lv":6780,"ystem":6781,"Ġprivacy":6782,"gent":6783,"rence":6784,"ĠQuest":6785,"ĠChristmas":6786,"Ġrail":6787,"Ġcooper":6788,"Ġtested":6789,"ĠCapt":6790,"asks":6791,"Ġcomfortable":6792,"Ġdelivered":6793,"scape":6794,"Ġdepth":6795,"ĠGOP":6796,"Ġwrites":6797,"Ġassets":6798,"Ġsav":6799,"iments":6800,"Ġtransition":6801,"Ġartist":6802,"ĠLook":6803,"Ġlob":6804,"Ġcomponents":6805,"arity":6806,"Ġwalked":6807,"Ġroot":6808,"Ġparticipants":6809,"Ġnoticed":6810,"Ġresc":6811,"Ġnav":6812,"ĠAdminist":6813,"da":6814,"utral":6815,"plate":6816,"Ġimportance":6817,"Ġassert":6818,"iously":6819,"cription":6820,"Ġinjuries":6821,"ĠCheck":6822,"Ġregistered":6823,"Ġintent":6824,"Ġmissed":6825,"ographic":6826,"Ġsentence":6827,"ounter":6828,"Ġassistance":6829,"evin":6830,"Ġdatabase":6831,"Ġbuildings":6832,"Ġclassic":6833,"Ġthinks":6834,"ĠOhio":6835,"Pr":6836,"ugg":6837,"Ġfee":6838,"pan":6839,"Ġeffectively":6840,"Ġfacility":6841,"Ġbear":6842,"Ġchapter":6843,"Ġdogs":6844,"ĠColumb":6845,"Ġlatter":6846,"itial":6847,"Ġadmitted":6848,"TV":6849,"ĠGeorg":6850,"Ġposts":6851,"\\\\":6852,"Ġlawyer":6853,"Ġequival":6854,"Ġmand":6855,"Ġcontrolled":6856,"ĠWalk":6857,"ĠAndrew":6858,"Ġmenu":6859,"amental":6860,"Ġprotected":6861,"va":6862,"Ġadministr":6863,"oral":6864,"Ġrein":6865,"ĠSar":6866,"Ġamounts":6867,"Ġnative":6868,"ĠMoon":6869,"Ġrepresents":6870,"Ġabandon":6871,"Ġcarrying":6872,"Ġtank":6873,"mary":6874,"Ġdeclared":6875,"Tube":6876,"Ġhat":6877,"Ġpunish":6878,"ellect":6879,"mes":6880,"Ġuniverse":6881,"ĠRod":6882,"phy":6883,"Ġinfrastructure":6884,"Ġ51":6885,"Ġopposed":6886,"ownt":6887,"ca":6888,"ĠMake":6889,"Ġhardware":6890,"Ġcoffee":6891,"Rel":6892,"bal":6893,"world":6894,"ĠSaf":6895,"ĠSea":6896,"inals":6897,"Ġowned":6898,"Ġhall":6899,"ersion":6900,"Ġdescribe":6901,"ĠPot":6902,"Ġportion":6903,"Ġatmosp":6904,"Ġgovernments":6905,"Ġdepending":6906,"Ġoffense":6907,"Ġtrick":6908,"awa":6909,"ĠLine":6910,"ĠVis":6911,"ĠHard":6912,"ĠOrig":6913,"ĠClick":6914,"Ġdesk":6915,"ĠValley":6916,"ĠSov":6917,"Ġmovies":6918,"Ġremark":6919,"Ġmail":6920,"Ġconscious":6921,"Ġruling":6922,"ĠRights":6923,"Ġmedic":6924,"hent":6925,"ĠWomen":6926,"><":6927,"Ġreplaced":6928,"ĠPrem":6929,"ĠThanks":6930,"Ġrenew":6931,"ĠBall":6932,"iform":6933,"Ġshots":6934,"Comm":6935,"Ġarmed":6936,"Ġconstant":6937,"Ġtaste":6938,"Ġrealized":6939,"Ġbuff":6940,"Ġmo":6941,"Ġefficient":6942,"Most":6943,"oration":6944,"ifies":6945,"Ġcommunication":6946,"Ġflood":6947,"Ġconsequences":6948,"Ġanyway":6949,"igg":6950,"ĠGM":6951,"ĠThank":6952,"Ġiron":6953,"Ġevolution":6954,"ĠCop":6955,"twitter":6956,"Ġ95":6957,"Ġrelationships":6958,"adel":6959,"ĠYoung":6960,"Ġproposal":6961,"ayers":6962,"uilding":6963,"ĠHot":6964,"ORE":6965,"cos":6966,"Ġcollabor":6967,"PG":6968,"axy":6969,"Ġknowing":6970,"Ġsupports":6971,"owed":6972,"Ġcontrols":6973,"Ġmerely":6974,"umer":6975,"Ġathlet":6976,"Ġfashion":6977,"path":6978,"Ġgift":6979,"Ġera":6980,"AND":6981,"Ġkinds":6982,"ĠKorean":6983,"Ġlegit":6984,"ulous":6985,"Ġessentially":6986,"Ġtherap":6987,"nic":6988,"Ġsuffered":6989,"Ġhur":6990,"Ġpromise":6991,"Ġexcess":6992,"Ġoverw":6993,"Ġprime":6994,"ĠHouston":6995,"erry":6996,"ĠMs":6997,"RS":6998,"2012":6999,"Ġstores":7000,"ĠOlymp":7001,"Ġjourney":7002,"Although":7003,"Sub":7004,"ĠEduc":7005,"ĠChapter":7006,"Ġrequests":7007,"Ġconsumers":7008,"Ġtiny":7009,"Ġisol":7010,"ĠFair":7011,"ba":7012,"ĠYOU":7013,"Ġcrash":7014,"celer":7015,"Ġemotional":7016,"Ġgoods":7017,"Ġelected":7018,"Ġmoder":7019,"ĠLinux":7020,"Ġblocks":7021,"Ġisland":7022,"ĠSociety":7023,"Ġelections":7024,"Ġbroadcast":7025,"Ġcheap":7026,"Ġnations":7027,"Ġseasons":7028,"400":7029,"Ġwaste":7030,"ĠSat":7031,"Ġfields":7032,"employ":7033,"Ġprofile":7034,"Ġauthors":7035,"ALL":7036,"ĠGra":7037,"west":7038,"ĠTy":7039,"Ġdeaths":7040,"Ġvacc":7041,"Ġformed":7042,"Ġdu":7043,"Ġongoing":7044,"ĠMuslims":7045,"elf":7046,"igure":7047,"Ġassume":7048,"ĠUkraine":7049,"water":7050,"Ġcoast":7051,"Ġvoted":7052,"gor":7053,"ĠAS":7054,"ĠMichigan":7055,"aza":7056,"ĠArm":7057,"iro":7058,"Ġflex":7059,"asters":7060,"''":7061,"Ġwelcome":7062,"arl":7063,"Ġlocations":7064,"igation":7065,"ĠFil":7066,"Ġbuying":7067,"Ġarchitect":7068,"Ġharder":7069,"ĠCub":7070,"Ġinterface":7071,"Ġrestaurant":7072,"Ġdiscover":7073,"Ġexceed":7074,"Ġfavour":7075,"gery":7076,"Ġduty":7077,"Ġpitch":7078,"ador":7079,"ĠMach":7080,"boy":7081,"Ġresponded":7082,"Ġextended":7083,"hers":7084,"Many":7085,"raid":7086,"ifer":7087,"ĠIns":7088,"Ser":7089,"Ġmedium":7090,"she":7091,"ĠSports":7092,"Ġmagazine":7093,"utation":7094,"Ġlimits":7095,"ĠGall":7096,"Ġexternal":7097,"razil":7098,"Ġyounger":7099,"tle":7100,"Ġremind":7101,"ĠCON":7102,"Ġimmediate":7103,"Ġhidden":7104,"Ġvolunte":7105,"Ġsimpl":7106,"odcast":7107,"Ġphase":7108,"dr":7109,"Ġplot":7110,"Ġexposure":7111,"RI":7112,"ograp":7113,"vin":7114,"anish":7115,"ĠAcad":7116,"ĠEngine":7117,"Ġexpansion":7118,"ĠPay":7119,"Your":7120,"Ġpushed":7121,"ĠEll":7122,"ĠHead":7123,"Ġmarketing":7124,"ĠAC":7125,"ket":7126,"Ġhits":7127,"Ġgro":7128,"ĠAge":7129,"ĠScot":7130,"][":7131,"Ġstim":7132,"ĠiPhone":7133,"ĪĴ":7134,"Ġnarrow":7135,"ĠGetty":7136,"ĠTurkey":7137,"Ġperfectly":7138,"Ġenable":7139,"utch":7140,"Ġprecise":7141,"Ġregime":7142,"Ġshif":7143,"Ġcompens":7144,"gun":7145,"div":7146,"Ġchosen":7147,"ĠKen":7148,"Any":7149,"Ġtrees":7150,"Ġrecommended":7151,"ĠRen":7152,"uable":7153,"ĠHT":7154,"Follow":7155,"EG":7156,"ĠHand":7157,"ĠKenn":7158,"Ġarguments":7159,"Ġexists":7160,"Ġbike":7161,"ĠConserv":7162,"Ġbreaking":7163,"ĠGar":7164,"Ġcrazy":7165,"Ġvirtual":7166,"aylor":7167,"ixel":7168,"Ġ1980":7169,"Ġpermission":7170,"ĠSeries":7171,"Ġconsumer":7172,"Ġclosely":7173,"called":7174,"Ġ54":7175,"Ġhopes":7176,"Ġarray":7177,"ĠWin":7178,"ĠLabour":7179,"Ġspons":7180,"ĠIre":7181,"Ġpow":7182,"Ġreaders":7183,"Ġemployment":7184,"Ġcreature":7185,"Ġresulting":7186,"Ġaccurate":7187,"Ġmoments":7188,"Ġargued":7189,"Ġped":7190,"During":7191,"Ġ53":7192,"ĠTal":7193,"Ġsought":7194,"Ġsuffering":7195,"Ġicon":7196,"lee":7197,"Ġ($":7198,"alian":7199,"°":7200,"Ġpra":7201,"Ġbonus":7202,"(\"":7203,"ko":7204,"Ġacting":7205,"DE":7206,"fall":7207,"Ġcomparison":7208,"Ġsmooth":7209,"ĠNAS":7210,"upp":7211,"ĠJoseph":7212,"eping":7213,"ĠTake":7214,"ĠMid":7215,"Ġsending":7216,"fast":7217,"ĠFall":7218,"Ġdealing":7219,"user":7220,"ĠOrgan":7221,"Co":7222,"Ġattached":7223,"Ġsees":7224,"%.":7225,"Ġtypical":7226,"ART":7227,"Ġfinds":7228,"ĠAsia":7229,"umin":7230,"ĠCore":7231,"ĠEnt":7232,"inent":7233,"uce":7234,"ĠBlood":7235,"ĠNever":7236,"Ġemails":7237,"Ġhighlight":7238,"Ġconfront":7239,"atus":7240,"uted":7241,"Ġunus":7242,"Ġtopic":7243,"ĠAdam":7244,"Ġble":7245,"ati":7246,"Ġunderstood":7247,"Set":7248,"struct":7249,"TP":7250,"Ġmob":7251,"aa":7252,"ĠStart":7253,"pected":7254,"sell":7255,"Ġdedicated":7256,"ĠCA":7257,"uan":7258,"Ġsongs":7259,"escription":7260,"Ġtech":7261,"Ġrape":7262,"Ġaside":7263,"Ġgrant":7264,"Ġ56":7265,"sub":7266,"Ġargue":7267,"Ġcontaining":7268,"Ġschedule":7269,"Ġliberal":7270,"Ġpublicly":7271,"Ġheavily":7272,"ĠUt":7273,"iner":7274,"ĠSection":7275,"ĠCare":7276,"weet":7277,"ls":7278,"Dis":7279,"âĶĢ":7280,"ĠFollow":7281,"Back":7282,"ĠIT":7283,"Ġbes":7284,"ji":7285,"ĠHit":7286,"ested":7287,"Ġeverybody":7288,"ĠSwed":7289,"Ġfemin":7290,"Ġfacilities":7291,"Ġconven":7292,"Comp":7293,"ĠOS":7294,"core":7295,"Ġanx":7296,"Ġdivision":7297,"ĠCam":7298,"ĠStan":7299,"mates":7300,"Ġexplore":7301,"plom":7302,"Ġshares":7303,"pload":7304,"anes":7305,"Ġideal":7306,"eters":7307,"ĠBase":7308,"Ġplastic":7309,"Ġdistinct":7310,"ĠNetwork":7311,"ĠSeattle":7312,"Ġtrading":7313,"ensus":7314,"intend":7315,"Ġexhib":7316,"Ġinitially":7317,"ĠFood":7318,"Ġthousand":7319,"ĠBusiness":7320,"acter":7321,"Ġparagraph":7322,"Ġroughly":7323,"Ġwww":7324,"Ġcreative":7325,"ĠConf":7326,"Ġconsumption":7327,"Ġfilms":7328,"agan":7329,"Ġobtain":7330,"Ġtall":7331,"Ġtor":7332,"Ġacknowled":7333,"Ġgrown":7334,"alo":7335,"KE":7336,"Ġ400":7337,"enders":7338,"taining":7339,"UG":7340,"Ġsuicide":7341,"Ġwatched":7342,"ĠList":7343,"ali":7344,"rehens":7345,"Ġsurrounding":7346,"Ġpip":7347,"Ġflying":7348,"ĠJava":7349,"ordan":7350,"Ġserving":7351,"inations":7352,"post":7353,"Ġsho":7354,"Av":7355,"Ġjail":7356,"zy":7357,"Ġ1999":7358,"Ġ>":9609,"orous":9610,"Ġfirms":9611,"screen":9612,"una":9613,"Ġembarrass":9614,"ulse":9615,"Ġletting":9616,"Ġthrew":9617,"iley":9618,"Ġchannels":9619,"lan":9620,"ĠVegas":9621,"Ġsear":9622,"Ġfantastic":9623,"arre":9624,"uzzle":9625,"ĠDer":9626,"Those":9627,"Ġswing":9628,"Ġsheet":9629,"index":9630,"cover":9631,"ogan":9632,"Ġvariables":9633,"ĠTech":9634,"Ġspoken":9635,"achel":9636,"ĠDa":9637,"ĠMountain":9638,"Ġloaded":9639,"Ġfootage":9640,"version":9641,"Ġunl":9642,"ĠPhoenix":9643,"Ġthrowing":9644,"Ġfiring":9645,"Ġtracking":9646,"Ġwidth":9647,"Ġstruggling":9648,"rooms":9649,"otion":9650,"Ġmonthly":9651,"ĠServer":9652,"Ġeggs":9653,"open":9654,"MC":9655,"Ġ1993":9656,"Ġhired":9657,"Ġstayed":9658,"ĠAllen":9659,"Ġstro":9660,"Ġ98":9661,"step":9662,"ĠTurkish":9663,"Ġfabric":9664,"isting":9665,"ĠDom":9666,"Ġdates":9667,"Ġpron":9668,"Ġbasketball":9669,"Ġlucky":9670,"ĠArabia":9671,"Ġassumed":9672,"esty":9673,"Ġaffairs":9674,"Ġglad":9675,"ĠIndeed":9676,"ĠFA":9677,"ĠWord":9678,"Ġjoining":9679,"ifice":9680,"pread":9681,"irts":9682,"ĠSelect":9683,"Ġpopulations":9684,"aware":9685,"Ġnose":9686,"Ġcomplaints":9687,"start":9688,"Ġscoring":9689,"Thanks":9690,"Ġmining":9691,"Ġvisitors":9692,"SH":9693,"Ġdamaged":9694,"Ġcharacteristics":9695,"ĠPent":9696,"DC":9697,"Ġ83":9698,"ĠSix":9699,"rates":9700,"Ġflags":9701,"ĠBrew":9702,"dog":9703,"Mark":9704,"////":9705,"Ġexecution":9706,"Ġjoke":9707,"phones":9708,"Ġtestimony":9709,"Ġobst":9710,"QL":9711,"ĠCut":9712,"Ġstudied":9713,"ĠNintendo":9714,"icket":9715,"ĠNBC":9716,"Ġlad":9717,"ĠBra":9718,"ĠMoh":9719,"Ġkernel":9720,"Ġoverwhelming":9721,"Ġaged":9722,"Ġapplicable":9723,"ĠCond":9724,"Ġroads":9725,"ĠBlock":9726,"made":9727,"odge":9728,"Ġcommands":9729,"Ġoffices":9730,"veland":9731,"Ġtut":9732,"Ġreceiver":9733,"ĠFro":9734,"Ġshopping":9735,"ĠiP":9736,"ĠStre":9737,"ĠABC":9738,"Ġentertainment":9739,"ĠBow":9740,"orted":9741,"Mc":9742,"Ġreads":9743,"grad":9744,"ĠCollect":9745,"ĠâĪĴ":9746,"ĠCapital":9747,"ederation":9748,"Ġemployer":9749,"Ġinvolvement":9750,"Ġanxiety":9751,"alia":9752,"Ġroof":9753,"ĠAmong":9754,"ĠDemocrat":9755,"Ġstats":9756,"ĠVill":9757,"Ġconstitutional":9758,"Ġreferring":9759,"itty":9760,"Ġtackle":9761,"outube":9762,"Ġbacked":9763,"ĠHong":9764,"ĠBroad":9765,"Ġele":9766,"ĠOtt":9767,"Ġ1992":9768,"hour":9769,"achusetts":9770,"Cal":9771,"Ġdefeated":9772,"Ġ81":9773,"esp":9774,"Ġseemingly":9775,"was":9776,"ĠJenn":9777,"ĠKurd":9778,"Ġgene":9779,"Ġdiscount":9780,"Ret":9781,"ECT":9782,"();":9783,"Ġclubs":9784,"Ġsid":9785,"ĠMarsh":9786,"Check":9787,"Ġpp":9788,"ĠEag":9789,"idespread":9790,"Ġbeings":9791,"FT":9792,"Ġintroduction":9793,"ĠChange":9794,"ARD":9795,"Ġ110":9796,"adows":9797,"ierce":9798,"Ġmeal":9799,"author":9800,"ĠBang":9801,"lahoma":9802,"Ġranks":9803,"2011":9804,"????":9805,"max":9806,"Ġcollapse":9807,"Ġopens":9808,"Ġecho":9809,"Ġsoph":9810,"Ġracist":9811,"Ġenormous":9812,"Ġwaves":9813,"Ġtap":9814,"Ġcomprehensive":9815,".--":9816,"ĠRoy":9817,"Ġfarmers":9818,"Related":9819,"aired":9820,"rones":9821,"ĠCrim":9822,"Ġproportion":9823,"Ġdesigns":9824,"Ġnegotiations":9825,"Ġvirtually":9826,"ĠBatman":9827,"Ġwarn":9828,"Ġlegitimate":9829,"mate":9830,"Ġconvention":9831,",,":9832,"netic":9833,"ĠSD":9834,"Ġconsistently":9835,"Ġcompensation":9836,"Ġpunishment":9837,"Ġye":9838,"Ġtie":9839,"ĠBureau":9840,"irlf":9841,"ĠBu":9842,"ĠAren":9843,"ĠPhilipp":9844,"Ġknife":9845,"Ġmemories":9846,"ĠRoss":9847,"Ġangle":9848,"Ġ86":9849,"ĠThunder":9850,"Ġrend":9851,"ĠTour":9852,"Ġcounts":9853,"sung":9854,"ĠImp":9855,"Ġeducational":9856,"Ġaccessible":9857,"COM":9858,"Ġdrew":9859,"yer":9860,"Gl":9861,"amine":9862,"ORT":9863,"OB":9864,"IB":9865,"master":9866,"Ġtrials":9867,"ogy":9868,"har":9869,"ĠTrust":9870,"Ġpreferred":9871,"irlfriend":9872,"ĠNev":9873,"Ġbin":9874,"Ġcow":9875,"Page":9876,"Ġsignature":9877,"ĠBL":9878,"700":9879,"Ġretired":9880,"Ġbytes":9881,"Ġneighb":9882,"ĠLegend":9883,"Ġdevast":9884,"Ġsuspected":9885,"isons":9886,"ĠPokémon":9887,"scale":9888,"Ġcapabilities":9889,"Ġrevel":9890,"Ġcheese":9891,"dy":9892,"igrant":9893,"Ġfailing":9894,"bits":9895,"ĠHeroes":9896,"ĠGhost":9897,"ĠScient":9898,"Ġappointed":9899,"uri":9900,"Ġinstitution":9901,"Ġexpanded":9902,"greg":9903,"Ġmonitoring":9904,"Ġpodcast":9905,"Ġcoalition":9906,"Ġ96":9907,"Jo":9908,"Ġstolen":9909,"ĠSab":9910,"Ġstops":9911,"Ġholiday":9912,"Ġintr":9913,"Car":9914,"Black":9915,"ĠLGBT":9916,"Ġwarming":9917,"ĠAnderson":9918,"Ġ89":9919,"Ġproducer":9920,"Med":9921,"Ġaccuracy":9922,"ĠMarvel":9923,"izabeth":9924,"ĠPatrick":9925,"mony":9926,"Ġmini":9927,"acles":9928,"Ġovert":9929,"they":9930,"Ġmembership":9931,"ĠVen":9932,"Ġexch":9933,"Ġremoval":9934,"ĠDave":9935,"TY":9936,"mad":9937,"ĠFind":9938,"Ġadequ":9939,"Ġec":9940,"Ġteeth":9941,"Ġemotion":9942,"Ġperm":9943,"Ġsolely":9944,"db":9945,"Ġextraord":9946,"IGHT":9947,"cal":9948,"Ġguidelines":9949,"Ġdying":9950,"Ġsuspended":9951,"ĠPremier":9952,"ĠAnthony":9953,"elve":9954,"Ġdad":9955,"ĠEth":9956,"ĠFootball":9957,"Ġabandoned":9958,"Ġ<<":9959,"Ġmarch":9960,"Ġhorror":9961,"â̦\"":9962,"Ġchildhood":9963,"Ġcampaigns":9964,"Ġlunch":9965,"ĠAlbert":9966,"block":9967,"âĸĪâĸĪ":9968,"ounding":9969,"Ġbone":9970,"organ":9971,"aders":9972,"ĠFlash":9973,"ĠDrive":9974,"Ġtonight":9975,"Ġwars":9976,"ĠFL":9977,"Ġformation":9978,"const":9979,"News":9980,"Ġcompe":9981,"orious":9982,"ĠStaff":9983,"Ġdiscussions":9984,"ĠProtection":9985,"ĠJam":9986,"Ġcriteria":9987,"Ġinstallation":9988,"Ġaccomplish":9989,"izza":9990,"Ġpublisher":9991,"Ġrescue":9992,"ĠTry":9993,"ULL":9994,"ĠSom":9995,"ĠHop":9996,"oret":9997,"ths":9998,"ordon":9999,"Ġpocket":10000,"ĠInv":10001,"Download":10002,"ĠCrime":10003,"Ġbene":10004,"ĠGuide":10005,"ĠAssembly":10006,"Ġparameters":10007,"IE":10008,"ĠAlexander":10009,"Ġconcert":10010,"ĠSche":10011,"Ġshoes":10012,"Ġvisiting":10013,"Ġrecall":10014,"Ġbub":10015,"Ġrural":10016,"Ġconcrete":10017,"ĠRos":10018,"Next":10019,"Russ":10020,"Ġloans":10021,"ĠShield":10022,"Ġtrem":10023,"hemat":10024,"kg":10025,"ĠHarris":10026,"isition":10027,"ĠMove":10028,"ĠFC":10029,"Ġfate":10030,"ĠCho":10031,"Ġtired":10032,"Ġprincipal":10033,"hist":10034,"iences":10035,"athy":10036,"Ġsevent":10037,"Ġmood":10038,"Ġstrategic":10039,"Ġdiseases":10040,"Ġforum":10041,"Ġtempor":10042,"Ġheadquarters":10043,"Par":10044,"ige":10045,"flix":10046,"Ġguitar":10047,"Ġ94":10048,"Only":10049,"Ġreleases":10050,"roph":10051,"================================":10052,"Ġ600":10053,"ĠContinue":10054,"igate":10055,"ĠCrit":10056,"system":10057,"Ġdisabled":10058,"Ġunexpected":10059,"ithub":10060,"Ġunclear":10061,"ĠEst":10062,"Ġcontrad":10063,"Ġstrategies":10064,"ventures":10065,"Ġpassage":10066,"AME":10067,"Ġimproving":10068,"Ġreveals":10069,"Ġdecrease":10070,"ova":10071,"Ġannoy":10072,"ĠShort":10073,"ĠLibrary":10074,"Ġcyber":10075,"nell":10076,"ĠHur":10077,"ĠCB":10078,"Ġphotograp":10079,"UI":10080,"Ġsed":10081,"Ge":10082,"Ġ87":10083,"Ġdiverse":10084,"Ġencouraged":10085,"Ġconspiracy":10086,"Ġbirds":10087,"Ġoperator":10088,"Ġhandful":10089,"Ġclassified":10090,"?)":10091,"Ġdramatic":10092,"Ġinvestigators":10093,"ito":10094,"Ġwidespread":10095,"ĠRoom":10096,"----------------------------------------------------------------":10097,"Ġcollective":10098,"Ġjournalist":10099,"String":10100,"Ġtemperatures":10101,"ila":10102,"Ġguid":10103,"Ġinspect":10104,"Ġmissile":10105,"ĠMayor":10106,"Ġmanual":10107,"Ġsimultane":10108,"Ġratings":10109,"Ġsuck":10110,"Ġ97":10111,"Ġuniversal":10112,"Ġpharm":10113,"Ġdisrupt":10114,"iano":10115,"AV":10116,"Ġft":10117,"Ġstatist":10118,"olds":10119,"ĠWalker":10120,"php":10121,"Ġundert":10122,"ĠLas":10123,"ishop":10124,"ntil":10125,"reshold":10126,"ĠWhether":10127,"Ms":10128,"Ġdeny":10129,"ĠCloud":10130,"Ġprovider":10131,"Ġsurviv":10132,"ĠUpdate":10133,"has":10134,"Ġmistakes":10135,"charge":10136,"pled":10137,"rity":10138,"Ġnode":10139,"ĠMassachusetts":10140,"ools":10141,"lication":10142,"Ġfails":10143,"emale":10144,"ori":10145,"backs":10146,"Ġshirt":10147,"Ġ''":10148,"ĠNAT":10149,"Ġwaters":10150,"elson":10151,"Ġease":10152,"Ġscar":10153,"Ġcontents":10154,"mind":10155,"Ġcontribution":10156,"Ġshr":10157,"Ġhanded":10158,"Ġstability":10159,"Ġtrave":10160,"Em":10161,"Ġmirror":10162,"123":10163,"Ġweigh":10164,"Ġfiction":10165,"ouver":10166,"istant":10167,"rition":10168,"ĠFed":10169,"Ġphysically":10170,"Ġstake":10171,"ĠArticle":10172,"ĠArc":10173,"ĠLewis":10174,"ĠMind":10175,"Ġdemonstrate":10176,"Ġprofits":10177,"vision":10178,"omic":10179,"olid":10180,"Ġbattles":10181,"Ġdrives":10182,"Ġeastern":10183,"ĠSony":10184,"!!!":10185,"aration":10186,"vard":10187,"ĠGL":10188,"portation":10189,"Ġ92":10190,"Ġlawmakers":10191,"Ġprotecting":10192,"ĠEPA":10193,"Ġyeah":10194,"Ġshame":10195,"olph":10196,"even":10197,"xit":10198,"Ġattach":10199,"Ġrepresenting":10200,"Ġobs":10201,"ĠUtah":10202,"iffs":10203,"ĠFreedom":10204,"ó":10205,"AK":10206,"Ġincidents":10207,"itage":10208,"Ġviewers":10209,"cd":10210,"Ġmouse":10211,"Ġclar":10212,"Ġaccordance":10213,"Ġbot":10214,"cor":10215,"ĠSummer":10216,"held":10217,"Ġinnocent":10218,"Ġinitiative":10219,"ols":10220,"________________________________":10221,"Ġspots":10222,"pace":10223,"Ġconventional":10224,"Ġcorporations":10225,"Ġblocked":10226,"HD":10227,"attered":10228,"Ġrefers":10229,"Ġbuck":10230,"ĠDigital":10231,"120":10232,"Ġtopics":10233,"TF":10234,"Äģ":10235,"brid":10236,"reement":10237,"Ġunderlying":10238,"ĠMember":10239,"Ġinvestigating":10240,"Ġpregnancy":10241,"Ġtouchdown":10242,"ĠBand":10243,"ĠCaller":10244,"Ġinstances":10245,"PP":10246,"wa":10247,"Good":10248,"Ġ1991":10249,"ĠCold":10250,"Ġfears":10251,"Ġremarks":10252,"ĨĴ":10253,"atal":10254,"Ġmit":10255,"Ġexperiments":10256,"ipt":10257,"Color":10258,"indu":10259,"Update":10260,"Ġ93":10261,"Ag":10262,"Ġå":10263,"ancouver":10264,"Both":10265,"Ġjudges":10266,"Object":10267,"Ġstere":10268,"umbn":10269,"Ġparticipation":10270,"ĠStars":10271,"ĠJere":10272,"Ġweekly":10273,"ĠBan":10274,"Ġconversations":10275,"ĠPitt":10276,"uz":10277,"ĠIndiana":10278,"ĠKick":10279,"Ġinfection":10280,"Ġheroes":10281,"Ġsettled":10282,"Ġstrip":10283,"Ġhal":10284,"Ġdump":10285,"ĠSci":10286,"Ġles":10287,"Ġreferences":10288,"ĠURL":10289,"ĠBridge":10290,"Ġwanting":10291,"Force":10292,"Ġexclus":10293,"Meanwhile":10294,"mn":10295,"Ġgentle":10296,"maker":10297,"senal":10298,"ĠGro":10299,"ouri":10300,"ĠRain":10301,"ĠAlliance":10302,"Ġlift":10303,"ela":10304,"SD":10305,"ĠCleveland":10306,"Ġranked":10307,"Ġstadium":10308,"Ġdeadly":10309,"ä¸":10310,"Ġriding":10311,"aria":10312,"ĠArmor":10313,"Ġdocumentation":10314,"ĠGreece":10315,"reek":10316,"Ġlens":10317,"ĠSa":10318,"Ġgross":10319,"ĠEmer":10320,"agers":10321,"ĠDub":10322,"ĠRh":10323,"ĠAMD":10324,"Ġarrival":10325,"Ġdesert":10326,"Ġsupplement":10327,"ĠResp":10328,"Ġknee":10329,"Ġmargin":10330,"font":10331,"ogg":10332,"2010":10333,"ĠPir":10334,"ĠProm":10335,"ivals":10336,"Ġintake":10337,"Ġdifferently":10338,"ugs":10339,"Ġbits":10340,"cluded":10341,"Ġsearching":10342,"ĠDu":10343,"umble":10344,"Ġfunctional":10345,"ĠBaltimore":10346,"ĠCould":10347,"Ġdesired":10348,"Ġcircuit":10349,"ĠLyn":10350,"ĠGO":10351,"ĠFalse":10352,"repre":10353,"':":10354,"alties":10355,"Ġminim":10356,"Ġdrove":10357,"ĠShould":10358,"Ġhip":10359,"Ġpros":10360,"Ġutility":10361,"ĠNature":10362,"ĠMode":10363,"President":10364,"opp":10365,"rat":10366,"formance":10367,"Ġconcentration":10368,"Ġfont":10369,"ĠBud":10370,"Ġamid":10371,"Ġrevers":10372,"ĠML":10373,"Bar":10374,"Ġinteraction":10375,"Ġjurisd":10376,"Ġspells":10377,"dep":10378,"fil":10379,"Ġcivilians":10380,"utter":10381,"ĠCooper":10382,"ĠBelow":10383,"Ġentrance":10384,"Ġconvert":10385,"Ġcontroversy":10386,"owered":10387,"Ġcontrary":10388,"Ġarc":10389,"ĠExecutive":10390,"ĠOfficer":10391,"Ġpackages":10392,"Ġprogressive":10393,"width":10394,"Ġreserved":10395,"vol":10396,"ĠSamsung":10397,"Ġprinted":10398,"Ġcenters":10399,"Ġintroduce":10400,"ĠKennedy":10401,"Ġodds":10402,"Ġsurely":10403,"Ġindependence":10404,"Ġpassengers":10405,"reprene":10406,"ĠBeh":10407,"Ġloves":10408,"ĠESPN":10409,"Ġfacilit":10410,"Ġidentical":10411,"Ġdoct":10412,"Ġpartnership":10413,"conf":10414,"ĠHide":10415,"Ġconfused":10416,"ĠCow":10417,"Men":10418,"Ġwrest":10419,"ĠIraqi":10420,"Ġholes":10421,"ĠStudies":10422,"Ġpregnant":10423,"hard":10424,"Ġsignals":10425,"IX":10426,"Ġpulling":10427,"Ġgraduate":10428,"Ġnominee":10429,"Date":10430,"Ġpermitted":10431,"ĠâĤ¬":10432,"ĠOklahoma":10433,"Start":10434,"Ġauthorized":10435,"Ġalarm":10436,"ĠCos":10437,"van":10438,"Ġgenerations":10439,"cular":10440,"Ġdragon":10441,"ĠSoftware":10442,"ĠEdward":10443,"Ġcontroller":10444,"Sen":10445,"gered":10446,"ĠVik":10447,"Ġapproached":10448,"Thank":10449,"Ġcance":10450,"Ġformula":10451,"ĠSmall":10452,"Ġweakness":10453,"Ġramp":10454,"itudes":10455,"jud":10456,"Ġbrilliant":10457,"Ġaccus":10458,"source":10459,"Ġ800":10460,"ĠEvil":10461,"Sw":10462,"Ġhomeless":10463,"week":10464,"iens":10465,"rics":10466,"ĠThird":10467,"TO":10468,"Ġorganic":10469,"Ġpresentation":10470,"agh":10471,"ĠDownload":10472,"vation":10473,"Ġassembly":10474,"orable":10475,"holders":10476,"ĠBernie":10477,"ĠHelp":10478,"Ġtong":10479,"ĠFight":10480,"Ġbeach":10481,"Book":10482,"ĠLic":10483,"Ġrush":10484,"ĠRound":10485,"oup":10486,"ĠMarx":10487,"Ġcalculated":10488,"ĠDevil":10489,"ĠSarah":10490,"Ġoccasionally":10491,"Ġbullet":10492,"Available":10493,"gate":10494,"Ġ91":10495,"Ġhosp":10496,"Ġpromises":10497,"ĠHIV":10498,"ĠStadium":10499,"ĠStock":10500,"ĠCorporation":10501,"gage":10502,"NG":10503,"ĠCredit":10504,"Ġsne":10505,"ibl":10506,"Ġaccum":10507,"such":10508,"Ġterrorists":10509,"Ġconsciousness":10510,"ĠZh":10511,"Ġdrama":10512,"oola":10513,"piration":10514,"Ġlabour":10515,"ĠNin":10516,"Ġutter":10517,"Ġdemocratic":10518,"Ġassass":10519,"ilation":10520,"Ġgest":10521,"Ġabroad":10522,"Ġmetab":10523,"Ġsorts":10524,"Ġflav":10525,"UB":10526,"Ġmg":10527,"ĠNothing":10528,"ĠOd":10529,"Ġmusical":10530,"2009":10531,"Ġdrops":10532,"ocated":10533,"ateral":10534,"000000":10535,"Ġgre":10536,"Ġequality":10537,"Ġburden":10538,"Ġvig":10539,"ĠLeader":10540,"------------":10541,"Ġceremony":10542,"Ġfighter":10543,"Ġactors":10544,"Ġæ":10545,"aman":10546,"Fi":10547,"Ġalign":10548,"puter":10549,"Ġelder":10550,"ĠNSA":10551,"Ġrepresentation":10552,"ĠOntario":10553,"ITH":10554,"usalem":10555,"Ġharassment":10556,"itzer":10557,"Ġsymp":10558,"Ġboxes":10559,"ĠDR":10560,"Ġmanifest":10561,"atre":10562,"Ġ^":10563,"Ġdies":10564,"leton":10565,"Ġmissions":10566,"ethe":10567,"Ġresolve":10568,"Ġfollowers":10569,"Ġasc":10570,"Ġkm":10571,"lord":10572,"ammed":10573,"Ġsilent":10574,"ĠAssociated":10575,"Ġtiming":10576,"Ġprisoners":10577,"ĠKings":10578,"ĠFive":10579,"Ġtower":10580,"Ġapproaches":10581,"Ġprecisely":10582,"Ġbureau":10583,"ĠMother":10584,"ĠIss":10585,"Ġkeyboard":10586,"itual":10587,"Ġfunded":10588,"Ġstaying":10589,"Ġpsychological":10590,"Ġmile":10591,"ĠLeon":10592,"ĠBarb":10593,"will":10594,"Ġwider":10595,"ĠAtlantic":10596,"Ġtill":10597,"ĠRome":10598,"rot":10599,"Ġaccompan":10600,"Ġflour":10601,"aco":10602,"World":10603,"ĠExpress":10604,"ĠYu":10605,"Cor":10606,"Ġpleased":10607,"party":10608,"Ġpointing":10609,"Ġinflation":10610,"Ġroy":10611,"Ġ),":10612,"ainer":10613,"Ġwedding":10614,"ormon":10615,"Ġrequiring":10616,"Ġqualified":10617,"Ġsegment":10618,"END":10619,"Ġsizes":10620,"eals":10621,"Ġcorrupt":10622,"assador":10623,"Ġceleb":10624,"Ġdreams":10625,"ĠMess":10626,"Ġchecking":10627,"ĠVersion":10628,"Ġpreparing":10629,"Ġactively":10630,"ĠDiff":10631,"Ġlux":10632,"ĠWinter":10633,"acteria":10634,"ĠNE":10635,"Ġdeputy":10636,"Ġtransgender":10637,"Ġsummary":10638,"Ġinher":10639,"eries":10640,"char":10641,"ĠYan":10642,"Ġknock":10643,"ĠPath":10644,"Ġlip":10645,"roller":10646,"Ġimpression":10647,"Ġcelebrate":10648,"Ġslide":10649,"Ġguests":10650,"Ġclip":10651,"FS":10652,"Ġsavings":10653,"Ġcaptain":10654,"Ġlegacy":10655,"ĠDenver":10656,"Ġwounded":10657,"taboola":10658,"ACT":10659,"Ġpursue":10660,"Ġoxy":10661,"Ġq":10662,"Ġsemi":10663,"ĠNeed":10664,"ĠAffairs":10665,"Ġobsc":10666,"Ġchecked":10667,"Ġdual":10668,"Code":10669,"ĠMD":10670,"lem":10671,"ulty":10672,"Ġ©":10673,"ĠElizabeth":10674,"Ġcenturies":10675,"arded":10676,"src":10677,"Ġevident":10678,"ennis":10679,"atin":10680,"Ġunemployment":10681,"ĠMario":10682,"Ġintim":10683,"Christ":10684,"Ġbiological":10685,"Ġsoldier":10686,"ĠAdded":10687,"Ġmath":10688,"ĠGil":10689,"Ġbias":10690,"Ġdating":10691,"ĠOcean":10692,"Ġmice":10693,"Mus":10694,"hire":10695,"ĠTes":10696,"Server":10697,"limited":10698,"Size":10699,"Ġmeters":10700,"Ġrocket":10701,"essee":10702,"Ġcertificate":10703,"ĠIranian":10704,"ASS":10705,"Ġgrid":10706,"Dec":10707,"Ġrolling":10708,"commun":10709,"ĠSweden":10710,"bury":10711,"Ġtissue":10712,"Ġracism":10713,"ĠLocal":10714,"Ġmystery":10715,"Ġexamine":10716,"Ġstem":10717,"Ġsits":10718,"Ġhoped":10719,"oting":10720,"Ġdialogue":10721,"Ġpersu":10722,"Watch":10723,"lay":10724,"MAN":10725,"Ġchronic":10726,"ĠPortland":10727,"market":10728,"ĠSEC":10729,"Ġparallel":10730,"Ġscandal":10731,"Ġcarries":10732,"Ġphenomenon":10733,"human":10734,"acker":10735,"ĠOx":10736,"Ġretirement":10737,"tainment":10738,"ovie":10739,"ĠGear":10740,"Ġduties":10741,"Ġdose":10742,"Ġscroll":10743,"MB":10744,"inf":10745,"Ġsauce":10746,"Ġlandscape":10747,"reddit":10748,"ĠChampionship":10749,"ĠReddit":10750,"alid":10751,"Ġcoin":10752,"Ġovers":10753,"Ġposting":10754,"about":10755,"Ġfel":10756,"andy":10757,"Ġbold":10758,"Ġfocusing":10759,"effect":10760,"GR":10761,"Ġdeemed":10762,"Ġrecommendations":10763,"Ġstepped":10764,"Ġvoter":10765,"ĠDeep":10766,"ĠInstagram":10767,"Ġmoderate":10768,"ĠMaryland":10769,"Ġrestricted":10770,"ĠMB":10771,"ĠChall":10772,"Ġtob":10773,"Ġcir":10774,"ĠOcc":10775,"ĠEver":10776,"Ġcollaps":10777,"INFO":10778,"=-":10779,"ĠPict":10780,"ĠAccount":10781,"nc":10782,"Ġought":10783,"Ġexport":10784,"Ġdrunk":10785,"('":10786,"Ġwise":10787,"ĠMort":10788,"necess":10789,"Ġancest":10790,"ĠIncre":10791,"Ġfrequent":10792,"mir":10793,"Ġinterpretation":10794,"Ġdependent":10795,"Ġcoins":10796,"ĠBol":10797,"Video":10798,"ĠJustin":10799,"Ġfatal":10800,"Ġcooking":10801,"Ġconfusion":10802,"ipher":10803,"Ġcustody":10804,"ĠMorgan":10805,"omach":10806,"ĠGovernor":10807,"Ġrestaurants":10808,"eling":10809,"Ġacknowledged":10810,"Ġther":10811,"Ġgenes":10812,"ching":10813,"Hey":10814,"Ġtactics":10815,"ĠMexican":10816,"Ġvend":10817,"Ġhes":10818,"quer":10819,"Ġnoting":10820,"ĠCameron":10821,"Ġtargeting":10822,"rock":10823,"Ġcredits":10824,"Ġemotions":10825,"Ġrepresentatives":10826,"news":10827,"Ġlegislative":10828,"Ġremoving":10829,"Ġtweeted":10830,"ĠCarter":10831,"ĠFixed":10832,"Ġforcing":10833,"Ġspeaker":10834,"Ġmales":10835,"ĠVietnam":10836,"lined":10837,"Ġconcepts":10838,"Ġvoices":10839,"oir":10840,"ĠTrib":10841,"Whe":10842,"ĠJerusalem":10843,"ĠSant":10844,"Ġcul":10845,"Ġlady":10846,"ĠHawai":10847,"Ġarts":10848,"ĠInn":10849,"ĠMachine":10850,"ĠEmperor":10851,"Ġslot":10852,"gly":10853,"ĠProcess":10854,"III":10855,"Ġathletes":10856,"ĠTemple":10857,"ĠRepresent":10858,"Ġpresc":10859,"Ġtons":10860,"Ġgolden":10861,"Ġpunch":10862,"ĠGR":10863,"iverpool":10864,"Ġenact":10865,"Ġlobby":10866,"Ġmos":10867,"Ġpicking":10868,"Ġlifetime":10869,"Ġcognitive":10870,"Each":10871,"zo":10872,"Ġdub":10873,"Ġconsists":10874,"oln":10875,"Ġfestival":10876,"amous":10877,"Ġintellig":10878,"words":10879,"ĠSmart":10880,"Ġdele":10881,"Ġlapt":10882,"Ġmagical":10883,"ĠSin":10884,"bus":10885,"urities":10886,"ighth":10887,"ĠRuby":10888,"ĠSure":10889,"olving":10890,"Ġjun":10891,"OST":10892,"Ġimposed":10893,"Ġastron":10894,"Ġcorrel":10895,"ĠNS":10896,"ĠKit":10897,"ĠFuture":10898,"burn":10899,"Ġimmune":10900,"ocus":10901,"Ġcourses":10902,"ĠString":10903,"Ġlean":10904,"Ġghost":10905,"Ġoutcomes":10906,"Ġexpense":10907,"Ġeveryday":10908,"Ġacceptable":10909,"Ah":10910,"Ġequipped":10911,"Ġorange":10912,"FR":10913,"ĠDutch":10914,"Though":10915,"ĠRank":10916,"QU":10917,"ĠRoberts":10918,"what":10919,"rend":10920,"Ġdisappear":10921,"Ġspawn":10922,"ĠLam":10923,"ois":10924,"Ġdeserve":10925,"Ġminimal":10926,"Ġnervous":10927,"ĠWould":10928,"Ġrook":10929,"ĠVancouver":10930,"Ġresign":10931,"shire":10932,"ĠWorks":10933,"ĠBuild":10934,"Ġaffordable":10935,"ĠGary":10936,"ĠArena":10937,"Ġhanging":10938,"Ġimplications":10939,"ĠSong":10940,"Ġmaintaining":10941,"Ġguards":10942,"CON":10943,"Ġderived":10944,"Ġexecuted":10945,"Ġtheories":10946,"Ġquoted":10947,"ĠAndre":10948,"oga":10949,"seless":10950,"info":10951,"ĠBelg":10952,"Ġtears":10953,"ĠSurv":10954,"Ġbirthday":10955,"igious":10956,"immer":10957,"Ġspectrum":10958,"Ġarchitecture":10959,"Ġrecruit":10960,"arma":10961,"Table":10962,"Ġmonsters":10963,"ĠGov":10964,"Ġdestination":10965,"Ġattractive":10966,"Ġfoss":10967,"ĠMoreover":10968,"Ġpresents":10969,"THE":10970,"Ġreply":10971,"pton":10972,"Ġcum":10973,"Ġdelight":10974,"Ġaffects":10975,"Ġdonations":10976,"ĠToy":10977,"ĠHim":10978,"MENT":10979,"Ġovercome":10980,"itched":10981,"ĠFantasy":10982,"ĠHat":10983,"ĠBeast":10984,"bott":10985,"Ġinvestigations":10986,"Run":10987,"Ġhunting":10988,"di":10989,"fund":10990,"Ġsessions":10991,"estyle":10992,"Ġportray":10993,"oids":10994,"Yeah":10995,"Ġcommunicate":10996,"Ġcomedy":10997,"ĠYang":10998,"Ġbelt":10999,"ĠMarine":11000,"Ġpredicted":11001,"Play":11002,"Ġimportantly":11003,"Ġremarkable":11004,"Ġeliminate":11005,"David":11006,"Ġbind":11007,"VID":11008,"Ġadvocates":11009,"ĠGaza":11010,"imp":11011,"DB":11012,"ĠNa":11013,"ĠSimilar":11014,"IES":11015,"Ġcharity":11016,"vas":11017,"math":11018,"Ġâĸ":11019,"oker":11020,"ndum":11021,"Ġcaps":11022,"ĠHal":11023,"2000":11024,"ean":11025,"Ġfleet":11026,"Ġrecre":11027,"Right":11028,"Ġsleeping":11029,"ijing":11030,"kind":11031,"Ġdesignated":11032,"ä":11033,"Ġanimation":11034,"kee":11035,"ĠIntrodu":11036,"Ġ/>":11037,"Ġdelayed":11038,"Ġtremend":11039,"Ġcurious":11040,"Use":11041,"Ġlect":11042,"dam":11043,"Ġinnovation":11044,"ĠPoints":11045,"Ġloading":11046,"Ġdispute":11047,"ctic":11048,"irds":11049,"ĠBY":11050,"Ġnurs":11051,"ĠValue":11052,"IONS":11053,"ĠHum":11054,"Ġtemplate":11055,"mers":11056,"Ġappearances":11057,"ĠEntertainment":11058,"Ġtranslation":11059,"Ġsake":11060,"Ġbeneath":11061,"Ġinhib":11062,"Ġeuro":11063,"abetes":11064,"Ġstudying":11065,"ĠMas":11066,"Ġperceived":11067,"Ġexamined":11068,"Ġeager":11069,"Ġcoaches":11070,"Ġimper":11071,"chi":11072,"Ġproduces":11073,"\").":11074,"ĠEveryone":11075,"Ġmunicip":11076,"Ġgirlfriend":11077,"Ġhire":11078,"ĠVice":11079,"Ġsuitable":11080,"opy":11081,"Ġinequ":11082,"ĠDuke":11083,"fish":11084,"first":11085,"ĠObs":11086,"Ġinterior":11087,"ĠBruce":11088,"ĠRy":11089,"Ġanalys":11090,"Ġconsiderable":11091,"Ġforecast":11092,"Ġfert":11093,"orship":11094,"ĠDrug":11095,"ĠALL":11096,":\"":11097,"thur":11098,"ĠMail":11099,"Ġballot":11100,"Ġinstantly":11101,"ĠChannel":11102,"Ġpicks":11103,"Ġ1989":11104,"Ġtent":11105,"oli":11106,"Ġcivilian":11107,"bling":11108,"ello":11109,"bu":11110,"Ġinch":11111,"Ġlogo":11112,"Ġcooperation":11113,"Ġwalks":11114,"Ġinvestments":11115,"Ġimprison":11116,"ĠFestival":11117,"ĠKy":11118,"Ġlegally":11119,"Ġgri":11120,"charg":11121,"Sl":11122,"Ġthreatening":11123,"duction":11124,"flow":11125,"Ġdismissed":11126,"ibraries":11127,"cap":11128,"ele":11129,"ĠMcG":11130,"ĠHarvard":11131,"ĠConservative":11132,"ĠCBS":11133,"png":11134,"Ġroots":11135,"ĠHaving":11136,"umbled":11137,"ĠFun":11138,"\\/":11139,"ĠSearch":11140,"plex":11141,"Ġdiscussing":11142,"Ġcontinu":11143,"ĠTai":11144,"ĠWik":11145,"Free":11146,"fit":11147,"Ġrefuse":11148,"Ġmanaging":11149,"Ġsynd":11150,"ipedia":11151,"walk":11152,"Ġprofessionals":11153,"Ġguidance":11154,"Ġuniversities":11155,"Ġassemb":11156,"untu":11157,"Finally":11158,"ASE":11159,"ĠAuto":11160,"ĠHad":11161,"Ġanniversary":11162,"LD":11163,"ĠDur":11164,"ĠUltimate":11165,"ihad":11166,"product":11167,"Ġtransit":11168,"Ġrestore":11169,"Ġexplaining":11170,"Ġasset":11171,"Ġtransferred":11172,"Ġburst":11173,"apolis":11174,"ĠMagazine":11175,"ĠCra":11176,"ĠBR":11177,"gged":11178,"ĠHE":11179,"Mich":11180,"bet":11181,"ĠLady":11182,"ylum":11183,"erves":11184,"Ġmeets":11185,"white":11186,"Log":11187,"Ġcorresponding":11188,"Ġinsisted":11189,"GG":11190,"Ġsurrounded":11191,"Ġtens":11192,"Ġlane":11193,"Ġcoinc":11194,"home":11195,"Ġexisted":11196,"ected":11197,"ĠDouble":11198,"lamm":11199,"Ġskept":11200,"exp":11201,"Ġperception":11202,"iev":11203,"ĠBeing":11204,"oft":11205,"Ġadopt":11206,".:":11207,"];":11208,"Windows":11209,"Ġsatellite":11210,"ASH":11211,"Ġinfant":11212,"description":11213,"ĠMeanwhile":11214,"cm":11215,"oca":11216,"ĠTreat":11217,"actor":11218,"Ġtobacco":11219,"ĠNorm":11220,"emption":11221,"Ġflesh":11222,"Ġje":11223,"oop":11224,"ĠHeaven":11225,"Ġbeating":11226,"anim":11227,"Ġgathering":11228,"Ġcultiv":11229,"GO":11230,"abe":11231,"ĠJonathan":11232,"ĠSafety":11233,"Ġbadly":11234,"prot":11235,"Ġchoosing":11236,"Ġcontacted":11237,"Ġquit":11238,"Ġdistur":11239,"Ġstir":11240,"Ġtoken":11241,"Det":11242,"ĠPa":11243,"Ġfunctionality":11244,"003":11245,"some":11246,"Ġlimitations":11247,"Ġmeth":11248,"build":11249,"config":11250,"NT":11251,"rell":11252,"blem":11253,"ĠMom":11254,"Ġveterans":11255,"ĠHu":11256,"Ġtrends":11257,"arer":11258,"ĠGiven":11259,"ĠCaption":11260,"may":11261,"AST":11262,"Ġwondering":11263,"ĠClark":11264,"normal":11265,"Ġseparated":11266,"Ġdesp":11267,"stic":11268,"brew":11269,"Ġrelating":11270,"ĠNik":11271,"ĠFarm":11272,"Ġenthusi":11273,"good":11274,"deb":11275,"Ġactivist":11276,"Ġmart":11277,"Ġexplosion":11278,"ĠEconomic":11279,"Link":11280,"Ġinsight":11281,"Ġconvenient":11282,"Ġcounterpart":11283,"support":11284,"ĠVirt":11285,"agen":11286,"ĠTennessee":11287,"ĠSimon":11288,"ĠAward":11289,"OCK":11290,"ĠFigure":11291,"Ġoverseas":11292,"Ġpride":11293,"ĠCas":11294,"note":11295,"mg":11296,"Current":11297,"Ġdisplays":11298,"content":11299,"Ġtraveling":11300,"Ġhospitals":11301,"ĠFinancial":11302,"ĠPast":11303,"Ġdefendant":11304,"Ġstreaming":11305,"mble":11306,"ĠBerlin":11307,"uki":11308,"Ġdistribut":11309,"Ġantib":11310,"Ġchocolate":11311,"ĠCastle":11312,"Ġinterrupt":11313,"ĠRow":11314,"Ġconversion":11315,"Ġbugs":11316,"ĠRather":11317,"liest":11318,"LY":11319,"ĠJean":11320,"common":11321,"akh":11322,"Ġ130":11323,"otton":11324,"ĠDean":11325,"Ġamendment":11326,"Ġgameplay":11327,"ĠWarren":11328,"oda":11329,"Ġhighlights":11330,"Ġirre":11331,"ĠNATO":11332,"Ġballs":11333,"Ġdemanding":11334,"URE":11335,"ĠLuke":11336,"Figure":11337,"stop":11338,"onia":11339,"zone":11340,"izers":11341,"ĠWR":11342,"Ġawarded":11343,"Ġregulatory":11344,"ĠHart":11345,"ĠSN":11346,"pling":11347,"Ġsour":11348,"ĠPixel":11349,"usive":11350,"Ġfet":11351,"ĠSent":11352,"Ġautomatic":11353,"Ġfer":11354,"vernment":11355,"ĠKhan":11356,"TON":11357,"father":11358,"Ġextraordinary":11359,"throp":11360,"ĠPython":11361,"ĠGPU":11362,"Ġsexually":11363,"Ġdesktop":11364,"itivity":11365,"ĠAntonio":11366,"Ġorient":11367,"Ġears":11368,"obby":11369,"ouses":11370,"vertisements":11371,"Ġmanufacturers":11372,"icient":11373,"minute":11374,"Ġconviction":11375,"Ġgarden":11376,"public":11377,"Ġsatisfied":11378,"fold":11379,"OK":11380,"Ġinhab":11381,"ĠThink":11382,"Ġprogramme":11383,"Ġstomach":11384,"Ġcoordin":11385,"Ġholy":11386,"Ġthreshold":11387,"Ġrhet":11388,"Ġserial":11389,"Ġemployers":11390,"ĠEverything":11391,"rah":11392,"Ġbother":11393,"Ġbrands":11394,"Value":11395,"ĠTed":11396,"ĠPlanet":11397,"Ġpink":11398,"ĠFurthermore":11399,"sa":11400,"PE":11401,"reck":11402,"ĠUSD":11403,"otte":11404,"Ġ&&":11405,"Ġlanded":11406,"gets":11407,"Ġproducers":11408,"Ġhealthcare":11409,"Ġdominant":11410,"Ġdestro":11411,"Ġamended":11412,"chron":11413,"Ġfits":11414,"ĠSyd":11415,"ĠAuthority":11416,"ATCH":11417,"Ġfights":11418,"ĠLLC":11419,"Ġ---":11420,"ĠCorp":11421,"Ġtoxic":11422,"specific":11423,"ĠCorn":11424,"ĠChel":11425,"Ġtelephone":11426,"ĠPant":11427,"Ġmysterious":11428,"aunch":11429,"odox":11430,"media":11431,"Ġwitnesses":11432,"agu":11433,"Ġquestioned":11434,"ĠBrexit":11435,"ĠRemember":11436,"enez":11437,"Ġendorse":11438,"iatric":11439,"ĠIdent":11440,"Ġridiculous":11441,"110":11442,"Ġprayer":11443,"Ġscientist":11444,"Ġ1950":11445,"ĠAqu":11446,"Ġunderground":11447,"ĠUFC":11448,"mare":11449,"ĠLater":11450,"wich":11451,"Ġsubscrib":11452,"Ġhosts":11453,"Ġerr":11454,"Ġgrants":11455,"antom":11456,"Ġsummon":11457,"early":11458,"ĠClear":11459,"ĠPrim":11460,"Ġsuspension":11461,"Ġguaranteed":11462,"apper":11463,"Ġrice":11464,"ĠSean":11465,"ĠShin":11466,"Ġreferendum":11467,"Ġfled":11468,"rust":11469,"Ġ360":11470,"tery":11471,"Ġshocked":11472,"BR":11473,"ĠOil":11474,"ĠAllah":11475,"Ġpartly":11476,"Ġignor":11477,"Ġtransmission":11478,"Ġhomosexual":11479,"iversal":11480,"Ġhopefully":11481,"ãĤ¤":11482,"Ġlesson":11483,"Leg":11484,"Ġ..":11485,"Yet":11486,"table":11487,"appropri":11488,"rett":11489,"Ġboards":11490,"Ġincorrect":11491,"Ġbacteria":11492,"aru":11493,"amac":11494,"Ġsnap":11495,".'\"":11496,"Ġparad":11497,"tem":11498,"heart":11499,"Ġavailability":11500,"Ġwisdom":11501,"Ġ(+":11502,"Ġpriest":11503,"ĠÂłĠÂł":11504,"Open":11505,"Ġspan":11506,"Ġparameter":11507,"Ġconvince":11508,"Ġ(%)":11509,"rac":11510,"Ġfo":11511,"Ġsafely":11512,"Ġconverted":11513,"ĠOlympic":11514,"Ġreserve":11515,"Ġhealing":11516,"ĠMine":11517,"Max":11518,"Ġinherent":11519,"ĠGraham":11520,"Ġintegrated":11521,"Dem":11522,"Ġpipeline":11523,"Ġapplying":11524,"Ġembed":11525,"ĠCharlie":11526,"Ġcave":11527,"2008":11528,"Ġconsensus":11529,"Ġrewards":11530,"Pal":11531,"ĠHTML":11532,"Ġpopularity":11533,"looking":11534,"ĠSword":11535,"ĠArts":11536,"')":11537,"Ġelectron":11538,"clusions":11539,"Ġintegrity":11540,"Ġexclusively":11541,"Ġgrace":11542,"Ġtorture":11543,"Ġburned":11544,"two":11545,"Ġ180":11546,"Produ":11547,"Ġentreprene":11548,"raphics":11549,"Ġgym":11550,"ricane":11551,"ĠTam":11552,"Ġadministrative":11553,"Ġmanufacturer":11554,"Ġvel":11555,"ĠNi":11556,"Ġisolated":11557,"ĠMedicine":11558,"Ġbackup":11559,"Ġpromoting":11560,"Ġcommander":11561,"Ġflee":11562,"ĠRussell":11563,"Ġforgotten":11564,"ĠMissouri":11565,"Ġresidence":11566,"mons":11567,"Ġresemb":11568,"Ġwand":11569,"Ġmeaningful":11570,"PT":11571,"Ġbol":11572,"Ġhelic":11573,"Ġwealthy":11574,"Ġrifle":11575,"strong":11576,"rowing":11577,"plan":11578,"asury":11579,"â̦.":11580,"Ġexpanding":11581,"ĠHamilton":11582,"Ġreceives":11583,"SI":11584,"eatures":11585,"ĠAnim":11586,"REE":11587,"Put":11588,"Ġbriefly":11589,"rive":11590,"Ġstimul":11591,"Ġ``(":11592,"Ġ__":11593,"Ġchip":11594,"Ġhaz":11595,"Ġprize":11596,"ĠThings":11597,"ACE":11598,"ulin":11599,"dict":11600,"oku":11601,"Ġassociate":11602,"ockets":11603,"youtube":11604,"Story":11605,"ategory":11606,"Ġmild":11607,"ailing":11608,"ĠYe":11609,"Orig":11610,"ĠKa":11611,"orig":11612,"Ġpropaganda":11613,"Ġanonymous":11614,"Ġstruggled":11615,"Ġoutrage":11616,"ATED":11617,"ĠBeijing":11618,"rary":11619,"Ġleather":11620,"Ġworlds":11621,"Ġbroader":11622,"125":11623,"idal":11624,"ĠBetter":11625,"Ġtear":11626,"Ext":11627,"Ġproposals":11628,"Ġiter":11629,"ĠSquad":11630,"Ġvolunt":11631,"mi":11632,"Did":11633,"ĠPu":11634,"pin":11635,"Ġspeakers":11636,"Ġborders":11637,"Ġfigured":11638,"='":11639,"Ġsimultaneously":11640,"aeda":11641,"Ġcharging":11642,"Ġurged":11643,"Ġconj":11644,"256":11645,"ĠGordon":11646,"merce":11647,"Ġdocumentary":11648,"Share":11649,"itol":11650,"ONE":11651,"ĠGarden":11652,"hatt":11653,"ĠThompson":11654,"aneous":11655,"apore":11656,"Ġtanks":11657,"Ġlessons":11658,"track":11659,"Ġoutstanding":11660,"Ġvolunteers":11661,"Ġspray":11662,"Ġmanagers":11663,"large":11664,"Ġcamps":11665,"Ġartificial":11666,"ĠRu":11667,"Ġbags":11668,"thal":11669,"Ġcompatible":11670,"ĠBlade":11671,"Ġfed":11672,"Ġargues":11673,"FI":11674,"Ġunfair":11675,"Ġcorn":11676,"Ġoffset":11677,"Ġdirections":11678,"Ġdisappointed":11679,"ĠConvention":11680,"Ġviewing":11681,"ME":11682,"ocity":11683,"Ġtowns":11684,"Ġlayers":11685,"Ġrolled":11686,"Ġjumped":11687,"Ġattribute":11688,"Ġunnecess":11689,"incoln":11690,"Ġsuppose":11691,"ĠNether":11692,"cha":11693,"Ġburied":11694,"Ġsixth":11695,"Ben":11696,"ressing":11697,"OUR":11698,"Ġwound":11699,"Ġcycl":11700,"Ġmechanisms":11701,"Ġcongressional":11702,"ĠElement":11703,"Ġagreements":11704,"Ġdecor":11705,"Ġclosest":11706,"ĠMit":11707,"Google":11708,"}}":11709,"Ġmixture":11710,"Ġfluid":11711,"Sign":11712,"ĠScholar":11713,"Ġpist":11714,"asket":11715,"abling":11716,"Ġracing":11717,"hero":11718,"riel":11719,"assy":11720,"Ġcheaper":11721,"ben":11722,"Ġvertical":11723,"amacare":11724,"ĠReading":11725,"gments":11726,"Ġhelicop":11727,"Ġsacrifice":11728,"aya":11729,"paren":11730,"VA":11731,"ĠLes":11732,"ĠStudio":11733,"Ġviolations":11734,"ĠAnna":11735,"acer":11736,"é¾":11737,"ĠRat":11738,"ĠBeck":11739,"ĠDick":11740,"ĠACT":11741,"Ġcomposition":11742,"Ġtexture":11743,"ĠOwn":11744,"Ġsmartphone":11745,"ĠNA":11746,"Ġforb":11747,"import":11748,"Ġdefending":11749,"ilst":11750,"rer":11751,"Ġoh":11752,"ĠJeremy":11753,"Ġbanking":11754,"ceptions":11755,"Ġrespective":11756,"/.":11757,"Ġdrinks":11758,"ĠWi":11759,"Ġbands":11760,"ĠLiverpool":11761,"Ġgrip":11762,"ĠBuy":11763,"Ġopenly":11764,"Ġreviewed":11765,"pert":11766,"Ġverify":11767,"ĠCole":11768,"ĠWales":11769,"MO":11770,"Ġunpre":11771,"Ġshelter":11772,"ĠImperial":11773,"Ġgui":11774,"ĠDak":11775,"Ġsuggestions":11776,"Ġexplicitly":11777,"Ġslave":11778,"Ġblockchain":11779,"Ġcompeting":11780,"Ġpromising":11781,"SON":11782,"Ġsoccer":11783,"Ġconstitution":11784,"429":11785,"Ġdistract":11786,"ĠUser":11787,"esides":11788,"ĠMethod":11789,"ĠTokyo":11790,"Ġaccompanied":11791,"Client":11792,"sur":11793,"alog":11794,"Ġidentification":11795,"Ġinvasion":11796,"asma":11797,"Ġindustries":11798,"ppers":11799,"Ġsubtle":11800,"ĠUnit":11801,"natural":11802,"Ġsurvived":11803,"Ġflaw":11804,"ĺħ":11805,"ĠHoll":11806,"Ġdeficit":11807,"Ġtutorial":11808,"ĠChance":11809,"Ġarguing":11810,"Ġcontemporary":11811,"Ġintegration":11812,"forward":11813,"Ġtum":11814,"itis":11815,"Ġhiding":11816,"ĠDomin":11817,"ĠTan":11818,"ĠBuilding":11819,"ĠVin":11820,"Ġspokesperson":11821,"ĠNotes":11822,"Ġemerging":11823,"Ġpreparation":11824,"Ġprost":11825,"Ġsuspects":11826,"Ġautonom":11827,"Description":11828,"Ġdealt":11829,"ĠPear":11830,"Ġsteady":11831,"Ġdecreased":11832,"Ġsovere":11833,"ĠClin":11834,"Ġgradually":11835,"orses":11836,"ĠWAR":11837,"Serv":11838,"ãĤ¢":11839,"hr":11840,"Ġdirty":11841,"ĠBarn":11842,"ĠBC":11843,"Ġdil":11844,"Ġcalendar":11845,"Ġcompliance":11846,"Ġchamber":11847,"bb":11848,"Ġpassenger":11849,"ateful":11850,"ĠTitle":11851,"ĠSydney":11852,"ĠGot":11853,"Ġdarkness":11854,"Ġdefect":11855,"Ġpacked":11856,"assion":11857,"Ġgods":11858,"Ġharsh":11859,"ICK":11860,"leans":11861,"Ġalgorithm":11862,"Ġoxygen":11863,"Ġvisits":11864,"Ġblade":11865,"Ġkilomet":11866,"ĠKentucky":11867,"Ġkiller":11868,"Pack":11869,"enny":11870,"Ġdivine":11871,"Ġnomination":11872,"being":11873,"Ġengines":11874,"Ġcats":11875,"Ġbuffer":11876,"ĠPhill":11877,"Ġtraff":11878,"AGE":11879,"Ġtongue":11880,"Ġradiation":11881,"erer":11882,"mem":11883,"ĠExplicit":11884,"é¾į":11885,"Ġcouples":11886,"Ġphysics":11887,"ĠMcK":11888,"Ġpolitically":11889,"awks":11890,"ĠBloom":11891,"Ġworship":11892,"eger":11893,"uter":11894,"ĠFO":11895,"Ġmathemat":11896,"Ġsentenced":11897,"Ġdisk":11898,"ĠMarg":11899,"Ġ/*":11900,"PI":11901,"Ġoptional":11902,"Ġbabies":11903,"Ġseeds":11904,"ĠScottish":11905,"Ġthy":11906,"]]":11907,"ĠHitler":11908,"PH":11909,"ngth":11910,"Ġrecovered":11911,"inge":11912,"Ġpowder":11913,"Ġlips":11914,"Ġdesigner":11915,"Ġdisorders":11916,"Ġcourage":11917,"Ġchaos":11918,"\"},{\"":11919,"Ġcarrier":11920,"bably":11921,"High":11922,"ĠRT":11923,"esity":11924,"len":11925,"Ġroutes":11926,"uating":11927,"Fil":11928,"NOT":11929,"wall":11930,"sburgh":11931,"Ġengaging":11932,"ĠJavaScript":11933,"orer":11934,"lihood":11935,"Ġunions":11936,"ĠFederation":11937,"ĠTesla":11938,"Ġcompletion":11939,"ĠTa":11940,"Ġprivilege":11941,"ĠOrange":11942,"Ġneur":11943,"parency":11944,"Ġbones":11945,"Ġtitled":11946,"Ġprosecutors":11947,"ĠME":11948,"Ġengineer":11949,"ĠUniverse":11950,"ĠHig":11951,"nie":11952,"oard":11953,"Ġhearts":11954,"ĠGre":11955,"ussion":11956,"Ġministry":11957,"Ġpenet":11958,"ĠNut":11959,"ĠOw":11960,"ĠXP":11961,"instein":11962,"Ġbulk":11963,"System":11964,"icism":11965,"ĠMarketable":11966,"Ġpreval":11967,"Ġposter":11968,"Ġattending":11969,"urable":11970,"Ġlicensed":11971,"ĠGh":11972,"etry":11973,"ĠTradable":11974,"Ġblast":11975,"à¤":11976,"ĠTitan":11977,"elled":11978,"die":11979,"Have":11980,"ĠFlame":11981,"Ġprofound":11982,"Ġparticipating":11983,"Ġanime":11984,"ĠEss":11985,"Ġspecify":11986,"Ġregarded":11987,"ĠSpell":11988,"Ġsons":11989,"owned":11990,"Ġmerc":11991,"Ġexperimental":11992,"lando":11993,"hs":11994,"ĠDungeon":11995,"inos":11996,"Ġcomply":11997,"ĠSystems":11998,"arth":11999,"Ġseized":12000,"local":12001,"ĠGirls":12002,"udo":12003,"oned":12004,"ĠFle":12005,"Ġconstructed":12006,"Ġhosted":12007,"Ġscared":12008,"actic":12009,"ĠIslands":12010,"ĠMORE":12011,"Ġbless":12012,"Ġblocking":12013,"Ġchips":12014,"Ġevac":12015,"Ps":12016,"Ġcorporation":12017,"Ġox":12018,"Ġlighting":12019,"Ġneighbors":12020,"ĠUb":12021,"aro":12022,"Ġbeef":12023,"ĠUber":12024,"Facebook":12025,"armed":12026,"itate":12027,"ĠRating":12028,"ĠQuick":12029,"Ġoccupied":12030,"Ġaims":12031,"ĠAdditionally":12032,"ĠInterest":12033,"Ġdramatically":12034,"Ġheal":12035,"Ġpainting":12036,"Ġengineers":12037,"MM":12038,"ĠMust":12039,"Ġquantity":12040,"Paul":12041,"Ġearnings":12042,"ĠPosts":12043,"stra":12044,"ãĥ¼ãĥ":12045,"Ġstance":12046,"Ġdropping":12047,"script":12048,"Ġdressed":12049,"Make":12050,"Ġjustify":12051,"ĠLtd":12052,"Ġprompted":12053,"Ġscrut":12054,"Ġspeeds":12055,"ĠGiants":12056,"omer":12057,"ĠEditor":12058,"Ġdescribing":12059,"ĠLie":12060,"mented":12061,"Ġnowhere":12062,"ocaly":12063,"Ġinstruction":12064,"fortable":12065,"Ġentities":12066,"Ġcm":12067,"ĠNatural":12068,"Ġinquiry":12069,"Ġpressed":12070,"izont":12071,"forced":12072,"Ġraises":12073,"ĠNetflix":12074,"ĠSide":12075,"Ġouter":12076,"Ġamongst":12077,"ims":12078,"owski":12079,"Ġclimb":12080,"never":12081,"Ġcombine":12082,"ding":12083,"Ġcompr":12084,"Ġsignificance":12085,"Ġremembered":12086,"ĠNevada":12087,"ĠTel":12088,"ĠScar":12089,"ĠWarriors":12090,"ĠJane":12091,"Ġcoup":12092,"bas":12093,"Ġterminal":12094,",-":12095,"OH":12096,"Ġtension":12097,"Ġwings":12098,"ĠMyster":12099,"����":12100,"ĠUnlike":12101,"valid":12102,"vironments":12103,"ĠAli":12104,"Ġnaked":12105,"books":12106,"ĠMun":12107,"ĠGulf":12108,"Ġdensity":12109,"Ġdimin":12110,"Ġdesperate":12111,"Ġpresidency":12112,"Ġ1986":12113,"hy":12114,"IND":12115,"Ġunlock":12116,"imens":12117,"Ġhandled":12118,"ĠEb":12119,"Ġdisappeared":12120,"Ġgenre":12121,"Ġ1988":12122,"Ġdetermination":12123,"Stream":12124,"iko":12125,"apters":12126,"Ġacknowledge":12127,"Jan":12128,"Ġcapitalism":12129,"Pat":12130,"Ġ2020":12131,"Ġpainful":12132,"Ġcurve":12133,"Ġbombs":12134,"storm":12135,"ĠMetal":12136,"encer":12137,"ĠFig":12138,"ĠAaron":12139,"anches":12140,"Ġinspiration":12141,"Ġexhaust":12142,"tains":12143,"ashi":12144,"Ġdescript":12145,"Ġritual":12146,"ĠChelsea":12147,"Ġpromotion":12148,"ĠHung":12149,"ĠWard":12150,"iva":12151,"ĠET":12152,"Ġtoss":12153,"allow":12154,"ĠFrancis":12155,"Dep":12156,"Ġhappiness":12157,"ĠGlass":12158,"Ġbeta":12159,"Ġstrengthen":12160,"NE":12161,"oa":12162,"Ġbuttons":12163,"ĠMurray":12164,"Ġkicked":12165,"Quest":12166,"ĠTalk":12167,"ĠSeveral":12168,"ĠZero":12169,"Ġdrone":12170,"ulk":12171,"Ġcam":12172,"ĠMobile":12173,"Ġpreventing":12174,"Ġretro":12175,"ĠAx":12176,"Ġcruel":12177,"Ġfloat":12178,".),":12179,"Ġfiling":12180,"ĠGrant":12181,"ĠBor":12182,"Ġrib":12183,"Ġchampionship":12184,"ĠMerc":12185,"Ġstyles":12186,"Ġcake":12187,"Ġbuilds":12188,"ĠSelf":12189,"iox":12190,"Ġepic":12191,"oyd":12192,"Bel":12193,"ĠStew":12194,".(":12195,"ahu":12196,"ĠBeyond":12197,"Ġouts":12198,"Ġsolo":12199,"ĠTree":12200,"Ġpreserve":12201,"Ġtub":12202,"ARE":12203,"roc":12204,"ĠImpro":12205,"ĠWright":12206,"Ġbund":12207,"Ġtraged":12208,"Ġoccasional":12209,"bian":12210,"Second":12211,"rons":12212,"Ġinteractions":12213,"formed":12214,"sing":12215,"Ġowns":12216,"Ġhockey":12217,"General":12218,"Ġlogical":12219,"Ġexpend":12220,"Ġescal":12221,"ĠGriff":12222,"ĠCrown":12223,"ĠReserve":12224,"Ġstopping":12225,"Ġexcuse":12226,"second":12227,"Ġoperated":12228,"Ġreaches":12229,"ĠMalays":12230,"Ġpollution":12231,"ĠBrooklyn":12232,"Ġdelete":12233,"Ġhash":12234,"Block":12235,"aha":12236,"â̳":12237,"Ġshorter":12238,"piece":12239,">>>":13163,"ĠMormon":13164,"tor":13165,"Ġparticles":13166,"ĠBart":13167,"ryption":13168,"Ġadmin":13169,"Ġsquee":13170,"VIDIA":13171,"Ġcreator":13172,"iameter":13173,"icular":13174,"NBC":13175,"Ġgrabbed":13176,"Ġnodd":13177,"Ġrated":13178,"Ġrotation":13179,"Ġgrasp":13180,"Ġexcessive":13181,"ĠEC":13182,"ĠWhit":13183,"Ġinventory":13184,"aults":13185,"ĠFB":13186,"Ġecosystem":13187,"Ġbillions":13188,"Ġventure":13189,"named":13190,"Ġdefender":13191,"oute":13192,"Instead":13193,"irable":13194,"War":13195,"Ġassumption":13196,"Ġbite":13197,"Ġearthqu":13198,"tail":13199,"space":13200,"Ġgifts":13201,"boys":13202,"Ġinevitable":13203,"Ġstructural":13204,"Ġbeneficial":13205,"Ġcompelling":13206,"hole":13207,"ervation":13208,"Ġcoat":13209,"oj":13210,"incarn":13211,"ĠYears":13212,"Ġdetermining":13213,"Ġrhetoric":13214,"Ġboundaries":13215,"Ġwhites":13216,"Ant":13217,"addy":13218,")-":13219,"raham":13220,"etermin":13221,"Ġharvest":13222,"ĠConc":13223,"Ġlaptop":13224,"ĠMatch":13225,"Ġenjoying":13226,"cca":13227,"ollar":13228,"Ġtrips":13229,"Ġaddiction":13230,"ĠSak":13231,"Ġpowered":13232,"Ġcous":13233,"ĠRussians":13234,"iere":13235,"Ġretrie":13236,"quality":13237,"Ġdiffer":13238,"Ġkingdom":13239,"ĠLaur":13240,"ĠCapitol":13241,"Ġconclusions":13242,"ĠAltern":13243,"ĠNav":13244,"Ġtransparent":13245,"BER":13246,"Group":13247,"ĠComplete":13248,"Ġinfer":13249,"Ġintrig":13250,"Ġinsane":13251,"RO":13252,"ophob":13253,"isen":13254,"qual":13255,"Michael":13256,"Ġmuseum":13257,"ĠPope":13258,"Ġreset":13259,"rative":13260,"five":13261,"Ġaggreg":13262,"ittees":13263,"ository":13264,"Ġcarb":13265,"ĠRecord":13266,"Ġdecides":13267,"ĠFix":13268,"Ġexceptions":13269,"ĠCommissioner":13270,"uns":13271,"ĠEnvironmental":13272,"Ġlegendary":13273,"istence":13274,"Ġtunnel":13275,"km":13276,"Ġinsult":13277,"Ġtroll":13278,"Ġshake":13279,"Ġdetention":13280,"ques":13281,"ĠChrome":13282,"ĠFiles":13283,"Ġsubt":13284,"Ġprospects":13285,"Ġprol":13286,"render":13287,"proof":13288,"Ġperformances":13289,"Str":13290,"Ġhref":13291,"ername":13292,"Ġachievement":13293,"Ġfut":13294,"Full":13295,"ĠLeban":13296,"google":13297,"ãĥĪ":13298,"ampa":13299,"Maybe":13300,"Ġprojected":13301,"ĠEmb":13302,"Ġcolleg":13303,"Ġawards":13304,"ĠâĶ":13305,"Gold":13306,"ĠBlake":13307,"ĠRaj":13308,"ifting":13309,"Ġpending":13310,"Ġinstinct":13311,"Ġdevelopments":13312,"Connect":13313,"ĠMand":13314,"ĠWITH":13315,"ĠPhilippines":13316,"profile":13317,"Ġaltogether":13318,"ĠBund":13319,"ĠTD":13320,"oooo":13321,"amped":13322,"iph":13323,"Ġsteam":13324,"Ġoldest":13325,"Ġdetection":13326,"ulpt":13327,"Ġç":13328,"ĠWayne":13329,"2006":13330,"fa":13331,"Ġcircles":13332,"ĠFu":13333,"Ġdonors":13334,"appropriate":13335,"ĠDakota":13336,"jamin":13337,"Ġmotivated":13338,"Ġpurchases":13339,"ĠLouisiana":13340,"ĠSpl":13341,"Ġglobe":13342,"Ġ105":13343,"zip":13344,"call":13345,"Ġdepartments":13346,"Ġsustainable":13347,"105":13348,"ĠOP":13349,"ifiers":13350,"Ġprevented":13351,"Ġincomp":13352,"ĠCommander":13353,"Ġdominated":13354,"Ġ»":13355,"Ġinvested":13356,"Ġcomplexity":13357,"Ġincl":13358,"Ġensuring":13359,"Ġrealm":13360,"ync":13361,"ĠIndependent":13362,"rained":13363,"ĠJen":13364,"ĠFlight":13365,"Ġathe":13366,"Ġspeculation":13367,"ĠTE":13368,"ocate":13369,"tic":13370,"Ġplaint":13371,"herry":13372,"Ġtoy":13373,"Ġ111":13374,"Ġplates":13375,"status":13376,"ĠIsa":13377,"Ġdevoted":13378,"Cop":13379,"ĠES":13380,"255":13381,"urrency":13382,"Main":13383,"Ġslaves":13384,"Ġpepper":13385,"Ġquotes":13386,"Ġceiling":13387,"ĠFish":13388,"Ġtransformation":13389,"Ġfraction":13390,"Ġadvantages":13391,"Ġtoile":13392,"Ġstunning":13393,"Ġmoist":13394,"breaking":13395,"si":13396,"ĠLocation":13397,"ĠMedium":13398,"Ġtexts":13399,"Ġugly":13400,"Ġbio":13401,".âĢĶ":13402,"ĠBased":13403,"Ġtrains":13404,"ĠWing":13405,"ĠAncient":13406,"ĠRecords":13407,"ĠHope":13408,"Special":13409,"adesh":13410,"obi":13411,"[/":13412,"Ġtemporarily":13413,"Ver":13414,"hu":13415,"oser":13416,"Ġovernight":13417,"Ġmamm":13418,"ĠTreasury":13419,"ĠVenezuel":13420,"ĠMega":13421,"Ġtar":13422,"Ġexpects":13423,"black":13424,"orph":13425,"\\\\\\\\":13426,"Ġacceptance":13427,"Ġradar":13428,"sis":13429,"Ġjunior":13430,"Ġframes":13431,"Ġobservation":13432,"acies":13433,"Power":13434,"ĠAdvanced":13435,"Mag":13436,"ologically":13437,"ĠMechan":13438,"Ġsentences":13439,"Ġanalysts":13440,"aughters":13441,"forcement":13442,"Ġvague":13443,"Ġclause":13444,"Ġdirectors":13445,"Ġevaluate":13446,"Ġcabinet":13447,"Matt":13448,"ĠClassic":13449,"Ang":13450,"Ġcler":13451,"ĠBuck":13452,"Ġresearcher":13453,"Ġ160":13454,"Ġpoorly":13455,"Ġexperiencing":13456,"ĠPed":13457,"ĠManhattan":13458,"Ġfreed":13459,"Ġthemes":13460,"advant":13461,"Ġnin":13462,"Ġpraise":13463,"104":13464,"ĠLibya":13465,"best":13466,"Ġtrusted":13467,"Ġcease":13468,"Ġdign":13469,"Direct":13470,"Ġbombing":13471,"Ġmigration":13472,"ĠSciences":13473,"Ġmunicipal":13474,"ĠAverage":13475,"Ġglory":13476,"Ġrevealing":13477,"Ġarena":13478,"Ġuncertainty":13479,"Ġbattlefield":13480,"iao":13481,"God":13482,"Ġcinem":13483,"rape":13484,"elle":13485,"apons":13486,"Ġlisting":13487,"Ġwaited":13488,"Ġspotted":13489,"keley":13490,"ĠAudio":13491,"eor":13492,"arding":13493,"idding":13494,"igma":13495,"ĠNeg":13496,"Ġlone":13497,"Ġ----":13498,"exe":13499,"deg":13500,"Ġtransf":13501,"Ġwash":13502,"Ġslavery":13503,"Ġexploring":13504,"ĠWW":13505,"atson":13506,"Ġencl":13507,"lies":13508,"ĠCreek":13509,"Ġwooden":13510,"Manager":13511,"ĠBrand":13512,"ummy":13513,"ĠArthur":13514,"Ġbureaucr":13515,"Ġblend":13516,"arians":13517,"Further":13518,"Ġsupposedly":13519,"Ġwinds":13520,"Ġ1979":13521,"Ġgravity":13522,"Ġanalyses":13523,"ĠTravel":13524,"ĠVeter":13525,"Ġdumb":13526,"Ġalternate":13527,"gal":13528,"Ġconsumed":13529,"Ġeffectiveness":13530,".''":13531,"Ġpaths":13532,"onda":13533,"LA":13534,"ĠStrong":13535,"Ġenables":13536,"Ġescaped":13537,"Ġ\"\"":13538,"Ġ112":13539,"Ġ1983":13540,"Ġsmiled":13541,"Ġtendency":13542,"Fire":13543,"Ġpars":13544,"ĠRoc":13545,"Ġlake":13546,"Ġfitness":13547,"ĠAth":13548,"ĠHorn":13549,"Ġhier":13550,"Ġimpose":13551,"mother":13552,"Ġpension":13553,"icut":13554,"borne":13555,"iciary":13556,"._":13557,"ĠSU":13558,"Ġpolar":13559,"isy":13560,"engu":13561,"itialized":13562,"ATA":13563,"write":13564,"Ġexercises":13565,"ĠDiamond":13566,"otypes":13567,"Ġharmful":13568,"onz":13569,"Ġprinting":13570,"story":13571,"Ġexpertise":13572,"ĠGer":13573,"Ġtragedy":13574,"ĠFly":13575,"Ġdivid":13576,"ampire":13577,"stock":13578,"Mem":13579,"Ġreign":13580,"Ġunve":13581,"Ġamend":13582,"ĠProphet":13583,"Ġmutual":13584,"ĠFac":13585,"Ġreplacing":13586,"Har":13587,"ĠCircuit":13588,"Ġthroat":13589,"ĠShot":13590,"Ġbatteries":13591,"Ġtoll":13592,"Ġaddressing":13593,"ĠMedicaid":13594,"Ġpupp":13595,"ĠNar":13596,"olk":13597,"Ġequity":13598,"MR":13599,"ĠHispan":13600,"ĠLarge":13601,"mid":13602,"Dev":13603,"Ġexped":13604,"Ġdemo":13605,"ĠMarshall":13606,"ergus":13607,"Ġfiber":13608,"Ġdivorce":13609,"ĠCreate":13610,"Ġslower":13611,"ĠParker":13612,"ĠStudent":13613,"ĠTraining":13614,"Return":13615,"ĠTru":13616,"Ġcub":13617,"ĠReached":13618,"Ġpanic":13619,"Ġquarters":13620,"Ġrect":13621,"Ġtreating":13622,"Ġrats":13623,"ĠChristianity":13624,"oler":13625,"Ġsacred":13626,"Ġdeclare":13627,"ulative":13628,"eting":13629,"Ġdelivering":13630,"estone":13631,"Ġtel":13632,"ĠLarry":13633,"Ġmeta":13634,"accept":13635,"artz":13636,"ĠRoger":13637,"handed":13638,"Ġheader":13639,"Ġtrapped":13640,"ĠCentury":13641,"Ġknocked":13642,"ĠOxford":13643,"Ġsurvivors":13644,"bot":13645,"Ġdemonstration":13646,"Ġdirt":13647,"Ġassists":13648,"OME":13649,"ĠDraft":13650,"ortunate":13651,"folio":13652,"pered":13653,"usters":13654,"gt":13655,"ĠLock":13656,"Ġjudicial":13657,"verted":13658,"Ġsecured":13659,"outing":13660,"ĠBooks":13661,"Ġhosting":13662,"Ġlifted":13663,"length":13664,"Ġjer":13665,"Ġwheels":13666,"ĠRange":13667,"umbnails":13668,"Ġdiagnosis":13669,"tech":13670,"ĠStewart":13671,"ĠPract":13672,"Ġnationwide":13673,"Ġdear":13674,"Ġobligations":13675,"Ġgrows":13676,"Ġmandatory":13677,"Ġsuspicious":13678,"!'":13679,"Apr":13680,"Great":13681,"Ġmortgage":13682,"Ġprosecutor":13683,"Ġeditorial":13684,"ĠKr":13685,"Ġprocessed":13686,"ungle":13687,"Ġflexibility":13688,"Earlier":13689,"ĠCart":13690,"ĠSug":13691,"Ġfocuses":13692,"Ġstartup":13693,"Ġbreach":13694,"ĠTob":13695,"cycle":13696,"ãĢĮ":13697,"rose":13698,"Ġbizarre":13699,"ãĢį":13700,"Ġvegetables":13701,"$$":13702,"Ġretreat":13703,"oshi":13704,"ĠShop":13705,"ĠGround":13706,"ĠStop":13707,"ĠHawaii":13708,"ĠAy":13709,"Perhaps":13710,"ĠBeaut":13711,"uffer":13712,"enna":13713,"Ġproductivity":13714,"Fixed":13715,"control":13716,"Ġabsent":13717,"ĠCampaign":13718,"Green":13719,"Ġidentifying":13720,"Ġregret":13721,"Ġpromoted":13722,"ĠSeven":13723,"Ġeru":13724,"neath":13725,"aughed":13726,"ĠPin":13727,"ĠLiving":13728,"Cost":13729,"omatic":13730,"mega":13731,"ĠNig":13732,"ocy":13733,"Ġinbox":13734,"Ġempire":13735,"Ġhorizont":13736,"Ġbranches":13737,"Ġmetaph":13738,"Active":13739,"edi":13740,"ĠFilm":13741,"ĠSomething":13742,"Ġmods":13743,"incial":13744,"ĠOriginal":13745,"Gen":13746,"Ġspirits":13747,"Ġearning":13748,"Hist":13749,"Ġriders":13750,"Ġsacrific":13751,"MT":13752,"ĠVA":13753,"ĠSalt":13754,"Ġoccupation":13755,"ĠMi":13756,"Ġdisg":13757,"lict":13758,"Ġnit":13759,"Ġnodes":13760,"eem":13761,"ĠPier":13762,"Ġhatred":13763,"psy":13764,"ãĥī":13765,"Ġtheater":13766,"Ġsophisticated":13767,"Ġdefended":13768,"Ġbesides":13769,"Ġthoroughly":13770,"ĠMedicare":13771,"Ġblamed":13772,"arently":13773,"Ġcrying":13774,"FOR":13775,"priv":13776,"Ġsinging":13777,"ĠIl":13778,"Ġcute":13779,"oided":13780,"olitical":13781,"ĠNeuro":13782,"å¤":13783,"Ġdonation":13784,"ĠEagles":13785,"ĠGive":13786,"Tom":13787,"Ġsubstantially":13788,"ĠLicense":13789,"ĠJa":13790,"Ġgrey":13791,"ĠAnimal":13792,"ĠER":13793,"ĠUnd":13794,"Ġkeen":13795,"Ġconclude":13796,"ĠMississippi":13797,"Engine":13798,"ĠStudios":13799,"Press":13800,"overs":13801,"llers":13802,"Ġ350":13803,"ĠRangers":13804,"Ġrou":13805,"erto":13806,"Ep":13807,"issa":13808,"ivan":13809,"Ġseal":13810,"ĠRegist":13811,"display":13812,"Ġweaken":13813,"uum":13814,"ĠCommons":13815,"ĠSay":13816,"Ġcultures":13817,"Ġlaughed":13818,"Ġslip":13819,"Ġtreatments":13820,"izable":13821,"mart":13822,"ĠRice":13823,"Ġbeast":13824,"Ġobesity":13825,"ĠLaure":13826,"iga":13827,"Which":13828,"holder":13829,"Ġelderly":13830,"Ġpays":13831,"Ġcomplained":13832,"Ġcrop":13833,"Ġproc":13834,"Ġexplosive":13835,"ĠFan":13836,"ĠArsenal":13837,"Author":13838,"eful":13839,"Ġmeals":13840,"Ġ(-":13841,"idays":13842,"Ġimagination":13843,"Ġannually":13844,"Ġms":13845,"asures":13846,"Head":13847,"ikh":13848,"matic":13849,"Ġboyfriend":13850,"ĠComputer":13851,"Ġbump":13852,"Ġsurge":13853,"ĠCraig":13854,"ĠKirk":13855,"Del":13856,"mediate":13857,"Ġscenarios":13858,"ĠMut":13859,"ĠStream":13860,"Ġcompetitors":13861,"ÙĦ":13862,"ĠStanford":13863,"ĠResources":13864,"azed":13865,"bage":13866,"Ġorganis":13867,"ĠRelease":13868,"Ġseparately":13869,"Ġhabits":13870,"Ġmeasurements":13871,"ĠClose":13872,"Ġaccompany":13873,"Ġgly":13874,"Ġtang":13875,"ĠRou":13876,"Ġplugin":13877,"Ġconvey":13878,"ĠChallenge":13879,"oots":13880,"jan":13881,"Ġcurs":13882,"ĠRelations":13883,"keeper":13884,"Ġapproaching":13885,"ping":13886,"Speaking":13887,"Ġarrangement":13888,"ĠVI":13889,"arettes":13890,"Ġaffecting":13891,"Ġpermits":13892,"because":13893,"Ġuseless":13894,"ĠHus":13895,"!!!!":13896,"Ġdestroying":13897,"Unfortunately":13898,"Ġfascinating":13899,"Sem":13900,"Ġelectoral":13901,"Ġtransparency":13902,"ĠChaos":13903,"Ġvolunteer":13904,"Ġstatistical":13905,"Ġactivated":13906,"rox":13907,"Web":13908,"HE":13909,"ĠHampshire":13910,"isive":13911,"Map":13912,"Ġtrash":13913,"ĠLawrence":13914,"stick":13915,"Cr":13916,"Ġrings":13917,"EXT":13918,"Ġoperational":13919,"opes":13920,"Does":13921,"ĠEvans":13922,"Ġwitnessed":13923,"Port":13924,"Ġlaunching":13925,"econom":13926,"wear":13927,"ĠParticip":13928,"umm":13929,"cules":13930,"ĠRAM":13931,"ĠTun":13932,"Ġassured":13933,"Ġbinary":13934,"Ġbetray":13935,"Ġexploration":13936,"ĠFel":13937,"Ġadmission":13938,"itated":13939,"Sy":13940,"Ġavoided":13941,"ĠSimulator":13942,"Ġcelebrated":13943,"ĠElectric":13944,"¥ŀ":13945,"Ġcluster":13946,"itzerland":13947,"health":13948,"Line":13949,"ĠNash":13950,"aton":13951,"Ġspare":13952,"Ġenterprise":13953,"ĠDIS":13954,"cludes":13955,"Ġflights":13956,"Ġregards":13957,"ĠÃĹ":13958,"half":13959,"Ġtrucks":13960,"Ġcontacts":13961,"Ġuncons":13962,"ĠClimate":13963,"Ġimmense":13964,"NEW":13965,"occ":13966,"ective":13967,"Ġembod":13968,"Ġpatrol":13969,"Ġbeside":13970,"Ġviable":13971,"Ġcreep":13972,"Ġtriggered":13973,"verning":13974,"Ġcomparable":13975,"ql":13976,"Ġgaining":13977,"asses":13978,"Ġ();":13979,"ĠGrey":13980,"ĠMLS":13981,"sized":13982,"Ġprosper":13983,"\"?":13984,"Ġpolling":13985,"Ġshar":13986,"ĠRC":13987,"Ġfirearm":13988,"orient":13989,"Ġfence":13990,"Ġvariations":13991,"giving":13992,"ĠPi":13993,"ospel":13994,"Ġpledge":13995,"Ġcure":13996,"Ġspy":13997,"Ġviolated":13998,"Ġrushed":13999,"Ġstroke":14000,"ĠBlog":14001,"sels":14002,"ĠEc":14003,",''":14004,"Ġpale":14005,"ĠCollins":14006,"terror":14007,"ĠCanadians":14008,"Ġtune":14009,"Ġlaboratory":14010,"Ġnons":14011,"tarian":14012,"Ġdisability":14013,"ĠGam":14014,"Ġsinger":14015,"alg":14016,"ĠSenior":14017,"Ġtraded":14018,"ĠWarrior":14019,"Ġinfring":14020,"ĠFranklin":14021,"Ġstrain":14022,"ĠSwedish":14023,"Ġseventh":14024,"ĠBenn":14025,"ĠTell":14026,"Ġsyndrome":14027,"Ġwondered":14028,"iden":14029,"++++":14030,"igo":14031,"Ġpurple":14032,"Ġjournalism":14033,"Ġrebel":14034,"Ġfu":14035,"blog":14036,"Ġinvite":14037,"rencies":14038,"ĠContact":14039,"Israel":14040,"ĠContent":14041,"Ġcheer":14042,"Ġbedroom":14043,"ĠEngineering":14044,"ĠQueens":14045,"Ġdwell":14046,"ĠPlayStation":14047,"ĠDim":14048,"ĠColon":14049,"lr":14050,"Ġoperates":14051,"Ġmotivation":14052,"USA":14053,"astered":14054,"Core":14055,"ĠTruth":14056,"olo":14057,"OSE":14058,"ĠMemory":14059,"Ġpredec":14060,"Ġanarch":14061,"Ġ1920":14062,"ĠYam":14063,"è":14064,"bid":14065,"Ġgrateful":14066,"Ġexcitement":14067,"Ġtreasure":14068,"Ġlongest":14069,"ctive":14070,"Ġdeserves":14071,"Ġreserves":14072,"Ġcops":14073,"ĠOttawa":14074,"ĠEgyptian":14075,"anked":14076,"Ġartif":14077,"Ġhypothesis":14078,":/":14079,"Ġpurchasing":14080,"Ġlovely":14081,"HP":14082,"Ġdivide":14083,"Ġstrictly":14084,"Ġquestioning":14085,"Ġtaxpayers":14086,"ĠJoy":14087,"Ġrolls":14088,"ĠHeavy":14089,"Ġports":14090,"Ġmagnetic":14091,"Ġinflamm":14092,"Ġbrush":14093,"tics":14094,"âĪĴ":14095,"Ġbottles":14096,"ppy":14097,"Ġpadd":14098,"ãĤ¯":14099,"million":14100,"Ġdevastating":14101,"Ġcompiled":14102,"Ġmedication":14103,"Ġtwelve":14104,"ĠPerry":14105,"Space":14106,"imb":14107,"your":14108,"Ġleaked":14109,"ĠTar":14110,"Ġunity":14111,"Ġinfected":14112,"Ġtraveled":14113,"IDE":14114,"ĠMcDonald":14115,"txt":14116,"ĠPrinc":14117,"Ġinterven":14118,"ĠTaiwan":14119,"ĠPow":14120,"Ġbearing":14121,"ĠThread":14122,"Ġzones":14123,"izards":14124,"unks":14125,"Chapter":14126,"llor":14127,"Ġ·":14128,"Ġwounds":14129,"Ġdiscretion":14130,"Ġsucceeded":14131,"iking":14132,"Ġiconic":14133,"Call":14134,"Ġscreening":14135,"ĠMis":14136,"icts":14137,"Ġministers":14138,"Ġseparation":14139,"Player":14140,"Ġbip":14141,"Ġbeloved":14142,"Ġcounting":14143,"ĠEye":14144,"around":14145,"inging":14146,"Ġtablet":14147,"Ġoffence":14148,"inance":14149,"have":14150,"ĠInfo":14151,"ĠNinja":14152,"Ġprotective":14153,"ĠCass":14154,"Mac":14155,"ĠQuality":14156,"North":14157,"Ġic":14158,"ĠCuba":14159,"ĠChronicle":14160,"ĠProperty":14161,"Ġfastest":14162,"otos":14163,"ĠGerm":14164,"OWN":14165,"Ġboom":14166,"ĠStanley":14167,"erguson":14168,"Ġclever":14169,"Ġenters":14170,"mode":14171,"terior":14172,"ĠSens":14173,"Ġlinear":14174,"ARK":14175,"Ġcomparing":14176,"Ġpurely":14177,"Ġsafer":14178,"ĠPotter":14179,"Ġcups":14180,"RT":14181,"Ġgluc":14182,"Ġattributed":14183,"Ġdupl":14184,"ĠPap":14185,"Ġprecious":14186,"Ġpa":14187,"ictionary":14188,"ĠTig":14189,"ĠToo":14190,"olutions":14191,"stan":14192,"Ġrobots":14193,"Ġlobb":14194,"Ġstatute":14195,"Ġprevention":14196,"western":14197,"160":14198,"ĠActive":14199,"ĠMaria":14200,"hal":14201,"None":14202,"ellar":14203,"ĠKB":14204,"ĠPartners":14205,"ĠSingle":14206,"ĠFollowing":14207,"ango":14208,"acious":14209,"Ġthou":14210,"Ġkg":14211,"Ġinfluential":14212,"ĠFriends":14213,"Sur":14214,"ainted":14215,"Ġforums":14216,"Ġstarter":14217,"Ġcitizenship":14218,"ĠElection":14219,"onge":14220,"otation":14221,"osph":14222,";;;;":14223,"utical":14224,"pur":14225,"eren":14226,"Ġaccusations":14227,"bitious":14228,"abbit":14229,"ĠOrd":14230,"Posted":14231,"irk":14232,"Ġsensitivity":14233,"iche":14234,"ĠAmy":14235,"ĠFab":14236,"Ġsummit":14237,"Ġpedest":14238,"Ġrubber":14239,"Ġagricultural":14240,"Ġcancel":14241,"AE":14242,"Ġinaug":14243,"Ġcontam":14244,"Ġfirmly":14245,"iw":14246,"stage":14247,"ĠKan":14248,"Ġtier":14249,"Ġinvention":14250,"Ġtranslated":14251,"ĠRules":14252,"Box":14253,"Twitter":14254,"IDS":14255,"Ġpizza":14256,"Ġdebug":14257,"ĠDrop":14258,"vs":14259,"Ġhorses":14260,"big":14261,"Ġboring":14262,"Ġhood":14263,"ĠMcCain":14264,"atched":14265,"ĠBros":14266,"Ġskip":14267,"Ġessay":14268,"stat":14269,"ĠLegends":14270,"Ġammunition":14271,"auc":14272,"Ġshooter":14273,"Ġunh":14274,"Ġsupplied":14275,"Ġgeneric":14276,"ĠSK":14277,"iban":14278,"yrics":14279,"Ġ255":14280,"Ġclimbing":14281,"Former":14282,"Ġflip":14283,"Ġjumping":14284,"Ġfrustration":14285,"ĠTerry":14286,"Ġneighborhoods":14287,"Ġmedian":14288,"bean":14289,"Ġbrains":14290,"Following":14291,"Ġshaped":14292,"Ġdraws":14293,"Ġaltered":14294,"Jack":14295,"Ġrecipes":14296,"Ġskilled":14297,"wealth":14298,"achi":14299,"election":14300,"Ġbehaviors":14301,"deals":14302,"ĠUntil":14303,"Fe":14304,"Ġdeclaration":14305,"marks":14306,"ĠBetween":14307,"celona":14308,"Ġreson":14309,"Ġbubble":14310,"Among":14311,"Ġimperial":14312,"GS":14313,"Ġfeminist":14314,"2005":14315,"ĠKyle":14316,"Ġaccounting":14317,"ĠTele":14318,"ĠTyr":14319,"Ġconnecting":14320,"Ġrehab":14321,"ĠPred":14322,"sim":14323,"Ġmeantime":14324,"Ġphysician":14325,"MW":14326,"ĠCampbell":14327,"ĠBrandon":14328,"Ġcontributing":14329,"ĠRule":14330,"ĠWeight":14331,"ĠNap":14332,"Ġinteractive":14333,"Ġvag":14334,"Ġhelmet":14335,"ĠComb":14336,"four":14337,"Ġshipped":14338,"Ġcompleting":14339,"ĠPD":14340,"PDATE":14341,"Ġspreading":14342,"Ġscary":14343,"erving":14344,"ĠGas":14345,"Ġfrank":14346,"school":14347,"Ġromantic":14348,"Ġstabil":14349,"Rob":14350,"Ġaccurately":14351,"Ġacute":14352,"ĠHann":14353,"Ġsymbols":14354,"Ġcivilization":14355,"ĠAW":14356,"Ġlightning":14357,"Ġconsiders":14358,"Ġvenue":14359,"Ġ×":14360,"Ġoven":14361,"ĠSF":14362,"his":14363,"Ġnu":14364,"ĠLearn":14365,"Ġpeoples":14366,"Ġstd":14367,"Ġslee":14368,"Ġslic":14369,"ĠStatistics":14370,"Ġcorners":14371,"ĠBaker":14372,"Ġ:)":14373,"mentation":14374,"olver":14375,"Ġlaughing":14376,"ĠTodd":14377,"onde":14378,"ĠHills":14379,"Ġnuts":14380,"ĠWoman":14381,"plane":14382,"Ġliver":14383,"ĠInside":14384,"Sorry":14385,"Ġagrees":14386,"Ġfundament":14387,"ĠFisher":14388,"Ġauction":14389,"Ġthreads":14390,"glas":14391,"ĠBasic":14392,"ĠNat":14393,"Ġlacking":14394,"Ġcelebration":14395,"ju":14396,"Ġsilly":14397,"Euro":14398,"Ġtatt":14399,"ighty":14400,"controlled":14401,"Test":14402,"ĠSingh":14403,"Ġrage":14404,"Ġrhyth":14405,"offic":14406,"ĠPhantom":14407,"Ġheadlines":14408,"Ġresponding":14409,"ĠMorning":14410,"Ġvitamin":14411,"Ġboots":14412,"ĠSite":14413,"alin":14414,"pi":14415,"Ġviral":14416,"ĠUC":14417,"DER":14418,"ĠSex":14419,"Ġstocks":14420,"current":14421,"Ġchurches":14422,"ĠRare":14423,"ĠMurphy":14424,"Ġdenial":14425,"ĠGaming":14426,"Ġtoug":14427,"Ġnick":14428,"Ġmakers":14429,"ĠRonald":14430,"Ġgenerous":14431,"ĠDoc":14432,"ĠMorris":14433,"Ġtransformed":14434,"ĠNormal":14435,"Ġ104":14436,"ĠKickstarter":14437,"ĠUpon":14438,"Online":14439,"ĠIRS":14440,"Ġwrap":14441,"Ġloving":14442,"Ġarrives":14443,"ĠDue":14444,"Ġheter":14445,"ĠMade":14446,"Ġrental":14447,"Ġbelongs":14448,"Ġattorneys":14449,"Ġcrops":14450,"Ġmatched":14451,"ulum":14452,"oline":14453,"109":14454,"Ġdispar":14455,"Ġbuyers":14456,"ĠCambridge":14457,"Ġethics":14458,"roups":14459,"Ġjustified":14460,"Ġmarginal":14461,"Ġrespected":14462,"winning":14463,"Ġnodded":14464,"ĠSerge":14465,"ĠFormer":14466,"Craft":14467,"################":14468,"ĠWarner":14469,"Ġdash":14470,"ete":14471,"Ġentert":14472,"ĠEscape":14473,"outheast":14474,"Ġknees":14475,"ĠBomb":14476,"Ġrug":14477,"Pass":14478,"Ġattitudes":14479,"government":14480,"ĠPrior":14481,"Ġqualities":14482,"Ġnotification":14483,"ĠPhone":14484,"lie":14485,"Ġanticipated":14486,"ĠCombat":14487,"ĠBarry":14488,"Ġ1982":14489,"Users":14490,"oner":14491,"Ġcomputing":14492,"ĠConnecticut":14493,"Ġlesser":14494,"Ġpeers":14495,"ĠCu":14496,"Ġtechnically":14497,"Ġsubmission":14498,"ĠUniversal":14499,"Ġmanually":14500,"ourge":14501,"Ġrespondents":14502,"ĠBTC":14503,"ĠHost":14504,"Ġfare":14505,"ĠBird":14506,"Ġreceipt":14507,"also":14508,"Ġjack":14509,"Ġagriculture":14510,"Ġskull":14511,"Ġ!=":14512,"Ġpassive":14513,"ĠCI":14514,"Ġsocieties":14515,"Ġreminded":14516,"Ġinterference":14517,"Buy":14518,"Ġâľ":14519,"gon":14520,"Ġscrutiny":14521,"ĠWitch":14522,"Ġconducting":14523,"Ġãĥ":14524,"Ġexchanges":14525,"ĠMitchell":14526,"Ġinhabit":14527,"Ġtwist":14528,"BD":14529,"Ġwherever":14530,"groupon":14531,"Ġjokes":14532,"ĠBenjamin":14533,"ĠRandom":14534,"frame":14535,"ĠLions":14536,"Ġhighlighted":14537,"ĠArkansas":14538,"Ent":14539,"Ġpile":14540,"Ġprelim":14541,"gs":14542,"minded":14543,"Ġfelony":14544,"ĠGA":14545,"ĠLuck":14546,"Ġpractically":14547,"ĠBos":14548,"Ġactress":14549,"Dam":14550,"ĠBou":14551,"Ġvisa":14552,"Ġembedded":14553,"Ġhybrid":14554,"Ġearliest":14555,"Ġsooner":14556,"social":14557,"ĠHA":14558,"Ġsteep":14559,"Ġdisadvant":14560,"Ġexploit":14561,"ĠEgg":14562,"ĠUltra":14563,"Ġnecessity":14564,"Local":14565,"iege":14566,"Ġdated":14567,"Ġmasses":14568,"Ġsubscription":14569,"pless":14570,"Ġanonym":14571,"Ġpresumably":14572,"Blue":14573,"Their":14574,"asketball":14575,"ĠPhilip":14576,"Ġcomed":14577,"loaded":14578,"rane":14579,"Ġreflection":14580,"China":14581,"Ġextends":14582,"Ġforming":14583,"Ġunders":14584,"2001":14585,"Ġgrat":14586,"Ġconcentrations":14587,"Ġinsulin":14588,"Ġsecular":14589,"Ġwhilst":14590,"Ġwinners":14591,"Advertisements":14592,"Ġdeliberately":14593,"ĠWorking":14594,"Ġsink":14595,"etics":14596,"dale":14597,"Ġmandate":14598,"Ġgram":14599,"Ġvacation":14600,"Ġwarnings":14601,"ripp":14602,"ĠTHAT":14603,"Ġcommentary":14604,"Ġintu":14605,"Ġaest":14606,"Ġreasoning":14607,"Ġbreakdown":14608,"ĠZombie":14609,"Ġ-->":14610,"ĠPolitical":14611,"cott":14612,"Ġthrust":14613,"Ġtechnological":14614,"Ġdeciding":14615,"Ġtrafficking":14616,"Long":14617,"Welcome":14618,"prising":14619,"ĠCommunications":14620,"Ġendors":14621,"Ġswift":14622,"Ġmetabol":14623,"coins":14624,"resa":14625,"ĠHTTP":14626,"Ġenroll":14627,"ĠHappy":14628,"usr":14629,"intage":14630,"Ġ[\"":14631,"uably":14632,"ĠMaterial":14633,"Ġrepeal":14634,"Sept":14635,"kh":14636,"ĠModi":14637,"Ġunderneath":14638,"ĠIL":14639,"shore":14640,"Ġdiagnosed":14641,"aceutical":14642,"Ġshower":14643,"aux":14644,"ĠSwitch":14645,"ĠStrength":14646,"Ġjihad":14647,"national":14648,"Ġtrauma":14649,"ussy":14650,"oni":14651,"Ġconsolid":14652,"Ġcalories":14653,"ĠFlynn":14654,"agged":14655,"168":14656,"ĠPink":14657,"Ġfulfill":14658,"Ġchains":14659,"Ġnotably":14660,"ĠAV":14661,"Life":14662,"ĠChuck":14663,"mus":14664,"ĠUrban":14665,"ĠHend":14666,"Ġdeposit":14667,"ĠSad":14668,"Ġaffair":14669,"ORK":14670,"ieval":14671,"ĠFDA":14672,"Ġtrop":14673,"ĠOverall":14674,"Ġvirtue":14675,"Ġsatisfaction":14676,"aund":14677,"Ġlun":14678,"ĠSwitzerland":14679,"ĠOperation":14680,"process":14681,"Ġshook":14682,"Ġcounties":14683,"leased":14684,"ĠCharlotte":14685,"112":14686,"Ġtranscript":14687,"Ġredd":14688,"push":14689,"ĠHey":14690,"ĠAnalysis":14691,"[\"":14692,"Ġalternatives":14693,"ardless":14694,"Ġeleph":14695,"Ġprejud":14696,"ĠLeaf":14697,"Having":14698,"ĠHub":14699,"Ġexpressions":14700,"ĠVolume":14701,"Ġshocking":14702,"ĠReds":14703,"Ġreadily":14704,"Ġplanets":14705,"adata":14706,"Ġcollapsed":14707,"ĠMadrid":14708,"Ġirrit":14709,"ipper":14710,"ĠEnc":14711,"ĠWire":14712,"Ġbuzz":14713,"ĠGP":14714,"asha":14715,"Ġaccidentally":14716,"uru":14717,"Ġfrustrated":14718,"ĠSA":14719,"Ġhungry":14720,"ĠHuff":14721,"Ġlabels":14722,"anto":14723,"ĠEP":14724,"Ġbarriers":14725,")|":14726,"ĠBerkeley":14727,"ĠJets":14728,"Ġpairs":14729,"ĠLan":14730,"James":14731,"ĠBear":14732,"Ġhumor":14733,"ĠLiberty":14734,"Ġmagnitude":14735,"Ġaging":14736,"ĠMason":14737,"Ġfriendship":14738,"umbling":14739,"Ġemerge":14740,"Ġnewspapers":14741,"Ġambitious":14742,"ĠRichards":14743,"aternal":14744,"Ġ1981":14745,"Ġcookies":14746,"Ġsculpt":14747,"Ġpursuit":14748,"Location":14749,"Ġscripts":14750,"pc":14751,"Ġarrangements":14752,"Ġdiameter":14753,"Ġloses":14754,"amation":14755,"Ġliqu":14756,"ĠJake":14757,"arette":14758,"Ġunderstands":14759,"ĠZen":14760,"vm":14761,"Ġapprove":14762,"Ġwip":14763,"Ġultra":14764,"Ġintend":14765,"ĠDI":14766,"ascular":14767,"Ġstays":14768,"ĠKor":14769,"ĠKl":14770,"Ġinvesting":14771,"La":14772,"Ġbelieving":14773,"bad":14774,"mouth":14775,"Ġtaxpayer":14776,"ãĥĥ":14777,"ĠQuebec":14778,"Ġlap":14779,"ĠSwiss":14780,"drop":14781,"Ġdrain":14782,"iri":14783,"etc":14784,"ften":14785,"ĠNex":14786,"Ġstraw":14787,"Ġscreaming":14788,"Ġcounted":14789,"Ġdamaging":14790,"Ġambassador":14791,"century":14792,"Ġprox":14793,"Ġarrests":14794,"uv":14795,"ilateral":14796,"ĠCharg":14797,"Ġprescribed":14798,"Ġindependently":14799,"Ġfierce":14800,"ĠBaby":14801,"Ġbrave":14802,"Ġsuits":14803,"=>":14804,"Ġbaseline":14805,"ĠRate":14806,"Ġislands":14807,"Ġ((":14808,"green":14809,"ixels":14810,"Ġnamely":14811,"ĠVillage":14812,"than":14813,"amy":14814,"Version":14815,"gmail":14816,"entials":14817,"ĠSud":14818,"ĠMelbourne":14819,"Ġarriving":14820,"Ġquantum":14821,"eff":14822,"ropolitan":14823,"Tri":14824,"Ġfuneral":14825,"ĠIR":14826,"ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ":14827,"ĠCob":14828,"itably":14829,"Ġturb":14830,"Ġcombo":14831,"Review":14832,"Ġdeployment":14833,"uity":14834,"ĠBott":14835,"Ġinvisible":14836,"Ġrendering":14837,"Ġunlocked":14838,"Ġaqu":14839,"ĠVladimir":14840,"Ġpad":14841,"ĠBrain":14842,"ĠLegacy":14843,"dragon":14844,"ĠKurdish":14845,"Ġsounded":14846,"Ġdetained":14847,"ĠDM":14848,"gary":14849,"Ġdaughters":14850,"Ġdisturbing":14851,"uka":14852,"ĠParad":14853,"Ġtast":14854,"Ġunfortunate":14855,"Ġul":14856,"emin":14857,"Ġattendance":14858,"trl":14859,"Ġparks":14860,"ĠMemorial":14861,"ĠAlice":14862,"othy":14863,"guard":14864,"ĠDise":14865,"ĠShan":14866,"ĠForum":14867,"Rich":14868,"Ġshifted":14869,"uez":14870,"Ġlighter":14871,"ĠMagn":14872,"Ġcod":14873,"Sch":14874,"hammad":14875,"Pub":14876,"350":14877,"ĠPokemon":14878,"Ġprototype":14879,"Ġunre":14880,"Base":14881,"ĠStudents":14882,"ĠReply":14883,"ĠCommunist":14884,"Ġgau":14885,"ĠTyler":14886,"IZ":14887,"Ġparticipated":14888,"Ġsuprem":14889,"ĠDetails":14890,"Ġvessels":14891,"rod":14892,"Ġtribe":14893,"keep":14894,"Ġassumptions":14895,"Ġpound":14896,"Ġcrude":14897,"ĠAvailable":14898,"Ġswimming":14899,"Ġinclusion":14900,"Ġadvances":14901,"culation":14902,"Ġconservation":14903,"Ġoverd":14904,"ĠBuffalo":14905,"Article":14906,"edge":14907,"Ġawa":14908,"ĠMadison":14909,"Ġsidew":14910,"Ġcatast":14911,"ĠKrist":14912,"ucle":14913,"ĠHighway":14914,"ĠTerror":14915,"Ġactivation":14916,"Ġunconscious":14917,"ĠSatan":14918,"ĠSusan":14919,"illery":14920,"Ġarranged":14921,"iop":14922,"Ġrumors":14923,"urring":14924,"think":14925,"ĠKeith":14926,"ĠKind":14927,"Ġavoiding":14928,"byn":14929,"nut":14930,"ĠSpeaker":14931,"rus":14932,"names":14933,"Ġguilt":14934,"ĠOlympics":14935,"Ġsail":14936,"ĠMes":14937,"levant":14938,"ĠColumbus":14939,"aft":14940,"City":14941,"South":14942,"ĠHarvey":14943,"ĠPun":14944,"Several":14945,"Ġmentally":14946,"Ġimpress":14947,"mount":14948,"ĠUbuntu":14949,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":14950,"ĠSuperman":14951,"ĠMPs":14952,"Ġintentions":14953,"ĠRacing":14954,"Ġlikelihood":14955,"Ġ240":14956,"Total":14957,"Ġtoys":14958,"ĠWatson":14959,"Ġurge":14960,"Lear":14961,"ĠPaper":14962,"Ġoccurring":14963,"ĠBeng":14964,"ĠCert":14965,"Ġstones":14966,"Tim":14967,"ĠTwin":14968,"zb":14969,"ĠDynam":14970,"Ġpolitician":14971,"kens":14972,"ĠEnterprise":14973,"UTERS":14974,"Ġabol":14975,"Ġrefresh":14976,"Ġarbitrary":14977,"pection":14978,"Ġtroubles":14979,"Ġ});":14980,"tv":14981,"Ġpilots":14982,"Ġdistribute":14983,"Ġaudit":14984,"Ġpause":14985,"original":14986,"Ġrivals":14987,"£":14988,"Fig":14989,"TL":14990,"abil":14991,"rying":14992,"Lin":14993,"ioned":14994,"lon":14995,"Ġfancy":14996,"Ġcrashed":14997,"Ġtract":14998,"Ġshed":14999,"Ġconsume":15000,"Based":15001,"download":15002,"init":15003,"Ġvoltage":15004,"Introdu":15005,"Ġcondemned":15006,"ĠFinance":15007,"respect":15008,"Ġexcluded":15009,"Ġestablishing":15010,"heric":15011,"Ġheritage":15012,"Ġspectacular":15013,"Ġunst":15014,"ĠSnowden":15015,"ĠLane":15016,"San":15017,"Ġprotections":15018,"struction":15019,"incinn":15020,"Ġmacro":15021,"Custom":15022,"iosity":15023,"Ġesp":15024,"Ġfunctioning":15025,"Ġmush":15026,"Ġpuzzle":15027,"Ġethical":15028,"Mal":15029,"Ġgoverning":15030,"ĠFerguson":15031,"Ġrestored":15032,"Ġstressed":15033,"ĠCounter":15034,"ĠKas":15035,"clip":15036,"ANS":15037,"Ġseiz":15038,"UK":15039,"byss":15040,"oldown":15041,"api":15042,"Ġpermanently":15043,"ounters":15044,"West":15045,"Through":15046,"Light":15047,"atoes":15048,"Ġneat":15049,"Ġcord":15050,"urer":15051,"Ġseverely":15052,"ĠAven":15053,"Ġinterrog":15054,"Ġtriple":15055,"Given":15056,"Number":15057,"Ġarise":15058,"Ġsher":15059,"plant":15060,"Ġflower":15061,"ĠCou":15062,"Ġate":15063,"Ġnewer":15064,"bul":15065,"Ġmeanwhile":15066,"ĠLair":15067,"Ġadjustment":15068,"ĠCopyright":15069,"Ġdivers":15070,"iological":15071,"Ġgamers":15072,"oat":15073,"Ġhistorically":15074,"Ġanalog":15075,"Ġlongtime":15076,"Ġprescription":15077,"ĠMist":15078,"ĠHyper":15079,"ĠMaine":15080,"ĠDeity":15081,"Ġmultipl":15082,"ĠReincarn":15083,"ĠHyd":15084,"ĠPic":15085,"Sil":15086,"rants":15087,"ĠCris":15088,".;":15089,"({":15090,"ependence":15091,"Ġrecy":15092,"ateur":15093,"Ġquad":15094,"Ġglob":15095,"Ġconced":15096,"team":15097,"Ġcapitalist":15098,"ĠLot":15099,"Ġroyal":15100,"ĠCyber":15101,"Ġblacks":15102,"metic":15103,"riv":15104,"ĠDanny":15105,"Ġspo":15106,"ĠRO":15107,"Ġanimated":15108,"rypted":15109,"ĠDeputy":15110,"Ġrendered":15111,"FE":15112,"Ġstreak":15113,"Ġclouds":15114,"ĠDoug":15115,"~~~~~~~~":15116,"Ġdiscour":15117,"ĠVeh":15118,"Ġpsychology":15119,"ĠJourney":15120,"Ġcrystal":15121,"ĠFrost":15122,"Ġsuspicion":15123,"Ġrelate":15124,"orus":15125,"ĠCrypt":15126,"ĠNVIDIA":15127,"comed":15128,"uting":15129,"incinnati":15130,"Ġvulnerability":15131,"ostic":15132,"Ġisolation":15133,"Ġcooling":15134,"ĠCoalition":15135,"Ġ119":15136,"Four":15137,"ĠDeal":15138,"Ġâī":15139,"semble":15140,"rament":15141,"ĠBarcelona":15142,"Ġ102":15143,"Ġcocaine":15144,"ocalypse":15145,"Feb":15146,"ogenic":15147,"Ġmutation":15148,"Ġcryptoc":15149,"ĠKel":15150,"ĠGit":15151,"ais":15152,"Ġsisters":15153,"ANK":15154,"Ġactivate":15155,"Ter":15156,"Ġdread":15157,"ylon":15158,"Ġpropri":15159,"Aust":15160,"ĠDefault":15161,"Ġoutdoor":15162,"Ġsheer":15163,"ceive":15164,"Ġgently":15165,"о":15166,"Program":15167,"ĠâĨĴ":15168,"Ġvegan":15169,"ĠCrus":15170,"Ġresponsibilities":15171,"ĠHR":15172,"OLD":15173,"Ġprevents":15174,"Ġstiff":15175,"ĠWere":15176,"Ġathletic":15177,"ĠScore":15178,"Ġ):":15179,"Ġcolumns":15180,"ĠLoc":15181,"available":15182,"ĠFram":15183,"ĠSessions":15184,"Ġcompanion":15185,"Ġpacks":15186,"140":15187,"ĠKnights":15188,"Ġfart":15189,"Ġstreams":15190,"Ġshore":15191,"Ġappeals":15192,"ĠPerformance":15193,"haul":15194,"ĠStra":15195,"ĠNag":15196,"103":15197,"ĠTransportation":15198,"BB":15199,"Ev":15200,"zan":15201,"Public":15202,"Ġtwin":15203,"ulsion":15204,"Mult":15205,"Ġelectro":15206,"Ġstatue":15207,"ationally":15208,"ĠNort":15209,"Ġinspection":15210,"/*":15211,"igue":15212,"Ġcompassion":15213,"ĠTales":15214,"ĠStein":15215,"ĠScreen":15216,"ĠBug":15217,"ĠLion":15218,"girl":15219,"Ġwithdrawal":15220,"Ġobjectives":15221,"Ġbloody":15222,"Ġpreliminary":15223,"Ġjacket":15224,"Ġdimensions":15225,"ĠCool":15226,"ĠOccup":15227,"Ġwreck":15228,"Ġdoubled":15229,"anking":15230,"Ġ1975":15231,"Ġglasses":15232,"ĠWang":15233,"prov":15234,"Path":15235,"connected":15236,"ĠMulti":15237,"ĠNorway":15238,"agonist":15239,"Ġfeared":15240,"Ġtouching":15241,"Ġarguably":15242,"¯¯¯¯¯¯¯¯":15243,"ĠNCAA":15244,"chem":15245,"Ġspat":15246,"ĠWWE":15247,"ĠCel":15248,"igger":15249,"Ġattacker":15250,"ĠJoin":15251,"object":15252,"etta":15253,"Ġeliminated":15254,"det":15255,"Ġdestruct":15256,"ĠLucas":15257,"ctuary":15258,"180":15259,"ĠBrady":15260,"ĠBlues":15261,"Bay":15262,"aukee":15263,"Ġtimeline":15264,"Ġdelegates":15265,"written":15266,"ufficient":15267,"Ġshapes":15268,"Copyright":15269,"ouble":15270,"service":15271,"Ġpione":15272,"Ġcolleges":15273,"Ġrows":15274,"Ġspite":15275,"Ġassessed":15276,"360":15277,"Ġlease":15278,"Ġconfidential":15279,"cker":15280,"ĠManning":15281,"ĠVoice":15282,"Ġsealed":15283,"Ġcalculate":15284,"NO":15285,"ĠAssistant":15286,"Ġteenager":15287,"ulent":15288,"atherine":15289,"Ġmock":15290,"Ġdiamond":15291,"Ġfest":15292,"Ġswitched":15293,"Ġresume":15294,"ĠPuerto":15295,"Ġlanes":15296,"iration":15297,"ĠSimilarly":15298,"Ġrod":15299,"ĠSel":15300,"ĠPalace":15301,"ĠLimited":15302,"eous":15303,"Ġvariant":15304,"Ġward":15305,"Ġ))":15306,"Show":15307,"OOK":15308,"Alex":15309,"ĠNep":15310,"bris":15311,"ĠWikipedia":15312,"Ġexceptional":15313,"Ġmanages":15314,"ĠDraw":15315,"Again":15316,"Ġcopper":15317,"utt":15318,"Ġexports":15319,"Ġportfolio":15320,"Ġelevated":15321,"Rated":15322,"ĠOtherwise":15323,"ĠTact":15324,"ĠShel":15325,"ĠTX":15326,"\"âĢĶ":15327,"Ġresur":15328,"ĠWa":15329,"venant":15330,"Ġmonetary":15331,"people":15332,"Email":15333,"Ġfifty":15334,"ĠSweet":15335,"ĠMalaysia":15336,"Ġconfusing":15337,"ĠRio":15338,"uda":15339,"utenant":15340,"\");":15341,"Ġpraised":15342,"Ġvolumes":15343,"turn":15344,"Ġmature":15345,"Ġnonprofit":15346,"Ġpassionate":15347,"ĠPrivate":15348,"Ġ103":15349,"Ġdescend":15350,"ç¥ŀ":15351,"uffy":15352,"headed":15353,"Whether":15354,"rien":15355,"zech":15356,"beit":15357,"Ġchrom":15358,"ĠMcM":15359,"Ġdancing":15360,"Ġeleg":15361,"ĠNoticed":15362,"115":15363,"Ġadvocacy":15364,"ENTS":15365,"ambling":15366,"ĠMinor":15367,"ĠFinn":15368,"Ġpriorities":15369,"Ġthereof":15370,"ĠStage":15371,"ĠRogers":15372,"Ġsubstitute":15373,"ĠJar":15374,"ĠJefferson":15375,"Ġlightly":15376,"102":15377,"ĠLisa":15378,"uits":15379,"ysical":15380,"Ġshifts":15381,"Ġdrones":15382,"Ġworkplace":15383,"Ġresid":15384,"ensed":15385,"ahn":15386,"Ġpreferences":15387,"server":15388,"Ġdebates":15389,"doc":15390,"ĠGods":15391,"Ġhelicopter":15392,"Ġhonour":15393,"Ġconsiderably":15394,"eded":15395,"ĠFemale":15396,"ĠAnne":15397,"Ġreun":15398,"ĠFace":15399,"ĠHallow":15400,"ĠBudget":15401,"Ġcondemn":15402,"Ġtender":15403,"Prof":15404,"ocratic":15405,"ĠTurner":15406,"ĠAgric":15407,"Ġ1976":15408,"Ġapt":15409,"disc":15410,"ĠFighter":15411,"ĠAur":15412,"Ġgarbage":15413,"input":15414,"ĠKarl":15415,"ĠOliver":15416,"ĠLanguage":15417,"kn":15418,"Non":15419,"ĠClar":15420,"Ġtraditions":15421,"Ġadvertisement":15422,"ĠSor":15423,"Ġarchive":15424,"Ġvillages":15425,"750":15426,"Ġimplementing":15427,"waukee":15428,"Ġdietary":15429,"Ġswitching":15430,"Republic":15431,"Ġvelocity":15432,"Ġcit":15433,"ĠAwards":15434,"Ġfinancing":15435,"Ġlasted":15436,")]":15437,"Ġreminder":15438,"Person":15439,"Ġprecision":15440,"Ġdesigners":15441,"ĠFried":15442,"ĠBorder":15443,"Ġtragic":15444,"Ġwield":15445,"Ġinitiatives":15446,"ĠTank":15447,"wer":15448,"Ġjoins":15449,"Ro":15450,"inery":15451,"Ġarrow":15452,"Ġgenerating":15453,"founder":15454,"Ġsearches":15455,"Ġrandomly":15456,"Access":15457,"Ġbatch":15458,"Ġposed":15459,"lat":15460,"Ġpursuing":15461,"asa":15462,"Ġtestified":15463,"forming":15464,"ĠShar":15465,"wiki":15466,"ĠEither":15467,"Sometimes":15468,"Ġsenators":15469,"ĠJohnny":15470,"ĠTaliban":15471,"ĠGPS":15472,"\":\"/":15473,"ãģ®å":15474,"Ġanalyzed":15475,"ĠRubio":15476,"ĠMovement":15477,"opard":15478,"iii":15479,"Stand":15480,"fight":15481,"Ġignoring":15482,"iang":15483,"ĠGN":15484,"soever":15485,"ĠSTAT":15486,"Ġrefusing":15487,"Ġsweat":15488,"Ġbay":15489,"PORT":15490,"irmed":15491,"aky":15492,"Ġdispro":15493,"Ġlabeled":15494,"Ġ108":15495,"Hello":15496,"Ġpleasant":15497,"aba":15498,"Ġtriumph":15499,"Ġaboard":15500,"Ġincom":15501,"ĠCrow":15502,"lett":15503,"Ġfolk":15504,"Ġchase":15505,"``":15506,"ĠBrus":15507,"Ġteens":15508,"cue":15509,"Ġterrain":15510,"hyd":15511,"ilight":15512,"ORY":15513,"Support":15514,"ews":15515,"lli":15516,"raints":15517,"ĠCand":15518,"Ġabused":15519,"achment":15520,"larg":15521,"Bas":15522,"ĠCancer":15523,"Ġ1978":15524,"Ġsupporter":15525,"access":15526,"ĠTermin":15527,"ĠTampa":15528,"ĠANY":15529,"Ġnewest":15530,"ĠCriminal":15531,"edu":15532,"Ġ1930":15533,"Ġadmits":15534,"Ġende":15535,"Ġfailures":15536,"urate":15537,"fulness":15538,"cycl":15539,"ĠSubject":15540,"Ġinfinite":15541,"three":15542,"WA":15543,"pit":15544,"ĠInstall":15545,"Rad":15546,"iliation":15547,"GM":15548,"Ġcontinent":15549,"Ġaccommodate":15550,"ĠClay":15551,"Ġpup":15552,"ĠFunction":15553,"Ġhammer":15554,"ĠAlberta":15555,"Ġrevised":15556,"Ġminorities":15557,"Ġmeasurement":15558,"Connell":15559,"Ġdisable":15560,"ĠMix":15561,"Incre":15562,"Ġfork":15563,"ĠRosen":15564,"Ġimplies":15565,"umblr":15566,"ANG":15567,"Ġproteins":15568,"Ġaggression":15569,"Ġfacilitate":15570,"SN":15571,"Ġillegally":15572,"uer":15573,"Ġacadem":15574,"Ġpuzz":15575,"ĠShift":15576,"pay":15577,"ollo":15578,"Ġaudiences":15579,"Build":15580,"Ġnoble":15581,"Ġsyntax":15582,"âĺħ":15583,"Ġbeam":15584,"ĠBed":15585,"ĠAld":15586,"Ġorigins":15587,"video":15588,"Ġ1977":15589,"ĠAssault":15590,"Ġgarage":15591,"Team":15592,"Ġverdict":15593,"Ġdwar":15594,"ĠVirtual":15595,"event":15596,"Keep":15597,"Ġsentiment":15598,"Ġwildlife":15599,"shirt":15600,"Ġburg":15601,"Ġrecommendation":15602,"represent":15603,"Ġgallery":15604,"owners":15605,"Ġscholar":15606,"Ġconvenience":15607,"ĠSwift":15608,"Ġconvinc":15609,"Cap":15610,"Ġwarfare":15611,"ĠVisual":15612,"Ġconstitute":15613,"Ġabort":15614,"ĠWeather":15615,"ĠLooking":15616,"ĠHem":15617,"Ġmartial":15618,"Ġincoming":15619,"etition":15620,"Ġtolerance":15621,"ĠCreated":15622,"Ġflows":15623,"ĠElder":15624,"Ġsouls":15625,"Ġfoul":15626,"ĠPain":15627,"ĠCAN":15628,"Ġ220":15629,"bc":15630,"hend":15631,"Ġgenius":15632,"Real":15633,"ĠWr":15634,"ometer":15635,"pad":15636,"Ġlimiting":15637,"ĠSi":15638,"ĠLore":15639,"ĠAdventures":15640,"Ġvaried":15641,"Disc":15642,"fin":15643,"ĠPersonal":15644,"Chris":15645,"Ġinvented":15646,"Ġdive":15647,"ĠRise":15648,"Ġoz":15649,"ĠComics":15650,"Ġexpose":15651,"ĠReb":15652,"letters":15653,"site":15654,"imated":15655,"Ġhacking":15656,"Ġeducated":15657,"ĠNobody":15658,"Ġdepri":15659,"Ġincentive":15660,"ãĤ·":15661,"Ġoversight":15662,"Ġtribes":15663,"ĠBelgium":15664,"Ġlicensing":15665,"ourt":15666,"Product":15667,"ahl":15668,"ĠGem":15669,"Ġspecialist":15670,"Ġcra":15671,"anners":15672,"ĠCorbyn":15673,"Ġ1973":15674,"READ":15675,"Ġsummar":15676,"Ġoverlook":15677,"ĠApplication":15678,"Ġinappropriate":15679,"Ġdownloaded":15680,"Que":15681,"ĠBears":15682,"Ġthumb":15683,"ĠCharacter":15684,"ĠReincarnated":15685,"ĠSid":15686,"Ġdemonstrates":15687,"sky":15688,"ĠBloomberg":15689,"ĠArray":15690,"ĠResults":15691,"ĠFourth":15692,"ĠEDT":15693,"ĠOscar":15694,"cend":15695,"Ġ106":15696,"ĠNULL":15697,"ĠHERE":15698,"match":15699,"ĠBrun":15700,"Ġglucose":15701,"ieg":15702,"egu":15703,"Ġcertified":15704,"Ġrelie":15705,"Ġhumanitarian":15706,"Ġprayers":15707,"King":15708,"Ġnan":15709,"hou":15710,"108":15711,"ulu":15712,"Ġrenewable":15713,"Ġdistinguish":15714,"Ġdense":15715,"ĠVent":15716,"ĠPackage":15717,"ĠBoss":15718,"Ġeditors":15719,"Ġmigr":15720,"Tra":15721,"ĠPeters":15722,"ĠArctic":15723,"2004":15724,"ĠCape":15725,"Ġlocally":15726,"Ġlasting":15727,"Ġhandy":15728,".).":15729,"Pan":15730,"ĠRES":15731,"Index":15732,"Ġtensions":15733,"Ġformerly":15734,"Ġideological":15735,"Ġsensors":15736,"Ġdealers":15737,"Ġdefines":15738,"Sk":15739,"Ġproceeds":15740,"Ġproxy":15741,"azines":15742,"ĠBash":15743,"ĠPad":15744,"ĠCraft":15745,"ealous":15746,"Ġsheets":15747,"ometry":15748,"June":15749,"clock":15750,"TT":15751,"ĠTheatre":15752,"ĠBuzz":15753,"Ġchapters":15754,"Ġmillenn":15755,"Ġdough":15756,"ĠCongressional":15757,"Ġimagined":15758,"avior":15759,"Ġclinic":15760,"Ġ1945":15761,"Ġholder":15762,"root":15763,"olester":15764,"Ġrestart":15765,"BN":15766,"ĠHamas":15767,"ĠJob":15768,"Ġorb":15769,"Ġram":15770,"Ġdisclose":15771,"Ġtranslate":15772,"Ġimmigrant":15773,"Ġannoying":15774,"Ġtreaty":15775,"anium":15776,"ĠTea":15777,"ĠLegion":15778,"Ġcrowds":15779,"ĠBec":15780,"ĠAer":15781,"ohyd":15782,"Bro":15783,"Looking":15784,"Ġlbs":15785,"Ġaggress":15786,"Ġseam":15787,"Ġintercept":15788,"ĠMI":15789,"mercial":15790,"activ":15791,"ĠCit":15792,"Ġdimension":15793,"Ġconsistency":15794,"Ġrushing":15795,"ĠDouglas":15796,"Ġtrim":15797,"Install":15798,"icker":15799,"Ġshy":15800,"106":15801,"Ġmentions":15802,"pelled":15803,"ĠTak":15804,"cost":15805,"Ġclassroom":15806,"Ġfortune":15807,"driven":15808,"Ġunle":15809,"ĠWheel":15810,"Ġinvestor":15811,"ĠMasters":15812,"kit":15813,"Ġassociations":15814,"ĠEvolution":15815,"oping":15816,"uscript":15817,"Ġprovincial":15818,"ĠWalter":15819,"avi":15820,"SO":15821,"Ġunlimited":15822,"English":15823,"ĠCards":15824,"ĠEbola":15825,"nered":15826,"Ġrevenge":15827,"Ġoutright":15828,"umper":15829,"Ġfitting":15830,"ĠSolid":15831,"Ġformally":15832,"Ġproblematic":15833,"Ġhazard":15834,"Ġencryption":15835,"Ġstraightforward":15836,"ĠAK":15837,"Ġpse":15838,"ĠOrb":15839,"ĠChamber":15840,"ĠMak":15841,"Contents":15842,"Ġloyalty":15843,"Ġlyrics":15844,"ĠSym":15845,"Ġwelcomed":15846,"Ġcooked":15847,"Ġmonop":15848,"Ġnurse":15849,"Ġmisleading":15850,"Ġeternal":15851,"Ġshifting":15852,"Ġ+=":15853,"Vis":15854,"Ġinstitutional":15855,"illary":15856,"Ġpant":15857,"VERT":15858,"ĠACC":15859,"ĠEnh":15860,"Ġincon":15861,"ĠREUTERS":15862,"Ġdonated":15863,"â̦â̦â̦â̦":15864,"Intern":15865,"Ġexhibit":15866,"Ġtire":15867,"ĠRic":15868,"ĠChampion":15869,"ĠMuhammad":15870,"NING":15871,"ĠSoccer":15872,"Ġmobility":15873,"Ġvarying":15874,"ĠMovie":15875,"Ġlord":15876,"oak":15877,"Field":15878,"Ġvector":15879,"usions":15880,"Ġscrap":15881,"Ġenabling":15882,"make":15883,"Tor":15884,".*":15885,"||":15886,"ĠWebsite":15887,"ĠNPC":15888,"Ġsocialist":15889,"ĠBilly":15890,"ĠAdditional":15891,"Ġcargo":15892,"Ġfarms":15893,"ĠSoon":15894,"ĠPrize":15895,"Ġmidnight":15896,"Ġ900":15897,"seen":15898,"ĠSpot":15899,"Ġsheep":15900,"Ġsponsored":15901,"ĠHi":15902,"ĠJump":15903,"Ġ1967":15904,"Microsoft":15905,"ĠAgent":15906,"Ġcharts":15907,"dir":15908,"Ġadjacent":15909,"Ġtricks":15910,"Ġmanga":15911,"Ġexagger":15912,"/>":15913,"football":15914,"ĠFCC":15915,"GC":15916,"ĠTier":15917,"andra":15918,"OUND":15919,"%),":15920,"Ġfruits":15921,"VC":15922,"ĠAA":15923,"Rober":15924,"Ġmidst":15925,"âĹ":15926,"anka":15927,"Ġlegislature":15928,"ĠNeil":15929,"Ġtourists":15930,"\"\"":15931,"ĠWarning":15932,"ĠNevertheless":15933,"ĠOfficial":15934,"ĠWhatever":15935,"Ġmold":15936,"Ġdrafted":15937,"Ġsubstances":15938,"Ġbreed":15939,"Ġtags":15940,"ĠTask":15941,"Ġverb":15942,"Ġmanufactured":15943,"comments":15944,"ĠPolish":15945,"Prov":15946,"Ġdetermines":15947,"Obama":15948,"kers":15949,"Ġutterly":15950,"Ġsect":15951,"sche":15952,"ĠGates":15953,"ĠChap":15954,"Ġaluminum":15955,"Ġzombie":15956,"ĠTouch":15957,"ĠUP":15958,"Ġsatisfy":15959,"Ġpredomin":15960,"ascript":15961,"Ġelaborate":15962,"Ġ1968":15963,"Ġmeasuring":15964,"ĠVari":15965,"anyahu":15966,"Ġsir":15967,"ulates":15968,"idges":15969,"ickets":15970,"ĠSpencer":15971,"TM":15972,"oubted":15973,"Ġprey":15974,"Ġinstalling":15975,"ĠCab":15976,"reed":15977,"reated":15978,"Supp":15979,"Ġwrist":15980,"ĠKerry":15981,"107":15982,"ĠKle":15983,"ĠRachel":15984,"Ġcotton":15985,"ĠARE":15986,"ĠEle":15987,"Control":15988,"Ġloads":15989,"ĠDod":15990,"anas":15991,"bone":15992,"Ġclassical":15993,"ĠRegional":15994,"ĠInteg":15995,"VM":15996,"Ġdesires":15997,"Ġautism":15998,"supported":15999,"ĠMessage":16000,"Ġcompact":16001,"writer":16002,"Ġ109":16003,"ĠHurricane":16004,"cision":16005,"Ġcycles":16006,"Ġdrill":16007,"Ġcolleague":16008,"Ġmaker":16009,"German":16010,"Ġmistaken":16011,"Sun":16012,"ĠGay":16013,"Ġwhatsoever":16014,"Ġsells":16015,"ĠAirl":16016,"liv":16017,"ĠOption":16018,"Ġsolved":16019,"Ġsectors":16020,"Ġhorizontal":16021,"Ġequation":16022,"ĠSkill":16023,"ĠBio":16024,"gement":16025,"ĠSnap":16026,"ĠLegal":16027,"Ġtrademark":16028,"Ġmakeup":16029,"Ġassembled":16030,"Ġsaves":16031,"ĠHalloween":16032,"ĠVermont":16033,"ĠFROM":16034,"Ġfarming":16035,"ĠPodcast":16036,"acceptable":16037,"ĠHigher":16038,"Ġasleep":16039,"ullivan":16040,"Ġreferen":16041,"ĠLev":16042,"Ġbullets":16043,"oko":16044,"HC":16045,"Ġstairs":16046,"Ġmaintains":16047,"ĠLower":16048,"ĠVi":16049,"Ġmarine":16050,"Ġacres":16051,"Ġcoordinator":16052,"ĠJoh":16053,"Ġcounterparts":16054,"ĠBrothers":16055,"Ġindict":16056,"bra":16057,"Ġchunk":16058,"Ġcents":16059,"Home":16060,"ĠMonth":16061,"Ġaccordingly":16062,"ifles":16063,"ĠGermans":16064,"ĠSyn":16065,"Hub":16066,"Ġeyeb":16067,"âĶĢâĶĢâĶĢâĶĢ":16068,"Ġranges":16069,"ĠHolland":16070,"ĠRobot":16071,"fc":16072,"Mike":16073,"Ġplasma":16074,"Ġswap":16075,"Ġathlete":16076,"ĠRams":16077,",'\"":16078,"Ġinfections":16079,"Ġcorrid":16080,"Ġvib":16081,"Ġpatches":16082,"Ġtraditionally":16083,"Ġrevelation":16084,"Ġsweep":16085,"Ġglance":16086,"Ġinex":16087,"2003":16088,"ĠRaw":16089,"working":16090,"osures":16091,"ĠDat":16092,"ĠLynch":16093,"Ġleverage":16094,"ĠReid":16095,"Ġcorrelation":16096,"iances":16097,"avascript":16098,"Ġrepository":16099,"retty":16100,"Ġ1972":16101,"240":16102,"Ġoun":16103,"pol":16104,"ĠReed":16105,"Ġtactical":16106,"isite":16107,"Apple":16108,"ĠQuinn":16109,"Ġraped":16110,"illo":16111,"Europe":16112,"Ġalgorithms":16113,"ĠRodrig":16114,"iu":16115,"Ġillum":16116,"Ġfame":16117,"Ġintroducing":16118,"Ġdelays":16119,"ĠRaiders":16120,"Ġwhistle":16121,"Ġnovels":16122,"ĠReally":16123,"Ġderiv":16124,"Ġpublications":16125,"ĠNeither":16126,"ĠCommerce":16127,"Ġaston":16128,"language":16129,"Notes":16130,"ĠRoth":16131,"ĠFear":16132,"Ġmate":16133,"Ġparade":16134,"ĠQB":16135,"Ġmaneu":16136,"ĠCincinnati":16137,"mitting":16138,"Ġwaist":16139,"ĠRew":16140,"Ġdiscont":16141,"а":16142,"Ġstaring":16143,"Ġalias":16144,"Ġsecurities":16145,"Ġtoilet":16146,"ĠJedi":16147,"Ġunlaw":16148,"vised":16149,"////////":16150,"](":16151,"ĠWeiss":16152,"Ġprest":16153,"ĠCompan":16154,"Ġmemo":16155,"ĠGrace":16156,"July":16157,"ĠElite":16158,"center":16159,"ĠStay":16160,"Ġgalaxy":16161,"Ġtooth":16162,"ĠSettings":16163,"Ġsubjected":16164,"ãĤ¦":16165,"Ġlineback":16166,"Ġretailers":16167,"ĠWant":16168,"Ġdangers":16169,"Air":16170,"Ġvoluntary":16171,"eway":16172,"Ġinterpreted":16173,"otine":16174,"ç":16175,"Ġpel":16176,"Service":16177,"ĠEventually":16178,"Ġcareers":16179,"Ġthreaten":16180,"Ġmemor":16181,"ĠBradley":16182,"ancies":16183,"sn":16184,"ĠUnknown":16185,"National":16186,"Ġshadows":16187,"ailand":16188,"ĠDash":16189,"Everyone":16190,"izzard":16191,"March":16192,"=(":16193,"Ġpulls":16194,"Ġstranger":16195,"Ġbackwards":16196,"ĠBernard":16197,"imensional":16198,"Ġchron":16199,"Ġtheoretical":16200,"ktop":16201,"Ġware":16202,"ĠInvestig":16203,"ĠIniti":16204,"ĠOperations":16205,"oven":16206,"ocide":16207,"*/":16208,"Ġflames":16209,"ĠCash":16210,"shit":16211,"Ġcab":16212,"ĠAnaly":16213,"ĠSeah":16214,"Ġdefining":16215,"Ġordering":16216,"Ġimmun":16217,"Ġpersistent":16218,"ACH":16219,"Russian":16220,"mans":16221,"Ġhind":16222,"Ġphotography":16223,"©":16224,"Ġhug":16225,"Ġ107":16226,"ĠHence":16227,"iots":16228,"udeau":16229,"Ġsubsidies":16230,"Ġroutinely":16231,"ĠDevice":16232,"itic":16233,"Ġdisgust":16234,"lander":16235,"Ġ1940":16236,"Ġassignment":16237,"ĠBesides":16238,"wick":16239,"ĠDust":16240,"usc":16241,"structed":16242,"111":16243,"develop":16244,"Ġfond":16245,"Ġintersection":16246,"Ġdignity":16247,"Ġcommissioner":16248,"Without":16249,"reach":16250,"Ġcartoon":16251,"Ġscales":16252,"ãĥŃ":16253,"FIG":16254,"Ġsurveys":16255,"ĠIndonesia":16256,"Ġartwork":16257,"Ġunch":16258,"Ġcycling":16259,"unct":16260,"auer":16261,"orate":16262,"ĠObviously":16263,"Ġcharacterized":16264,"feld":16265,"Ġaffirm":16266,"Ġinnings":16267,"Ġé":16268,"Ġaliens":16269,"Ġcloth":16270,"etooth":16271,"ĠCertain":16272,"§":16273,"Ġdigest":16274,"know":16275,"ĠXL":16276,"Ġpredictions":16277,"Ġdin":16278,"WAR":16279,"Ġaftermath":16280,"Example":16281,"ĠSuccess":16282,"ĠThr":16283,"IGN":16284,"Ġminer":16285,"Bus":16286,"Ġclarity":16287,"heimer":16288,"ĠOUT":16289,"ĠSend":16290,"ĠCircle":16291,"ĠDiet":16292,"Ġpronounced":16293,"Ġcreators":16294,"Ġearthquake":16295,"attery":16296,"geons":16297,"Ġod":16298,"Ġlaying":16299,"orp":16300,"Ult":16301,"project":16302,"Ġundermin":16303,"Ġsequel":16304,"Sam":16305,"ĠDarkness":16306,"Ġreception":16307,"bull":16308,"YS":16309,"ĠVir":16310,"Ġsequences":16311,"ĠCoin":16312,"Ġoutfit":16313,"ĠWait":16314,"119":16315,"Ġdelivers":16316,"......":16317,"Ġblown":16318,"ĠEsc":16319,"ĠMath":16320,"perm":16321,"ĠUl":16322,"Ġglim":16323,"Ġfacial":16324,"Ġgreenhouse":16325,"Ġtokens":16326,"/-":16327,"ĠAnnual":16328,"ĠONE":16329,"Ġteenage":16330,"ĠPhysical":16331,"ĠLang":16332,"ĠCelt":16333,"Ġsued":16334,"ividually":16335,"Ġpatience":16336,"chair":16337,"regular":16338,"Ġaug":16339,"inv":16340,"except":16341,"ĠLil":16342,"Ġnest":16343,"fd":16344,"sum":16345,"ĠChase":16346,"Russia":16347,"ĠJennifer":16348,"Ġoffseason":16349,"Overall":16350,"Fore":16351,"Ġriot":16352,"Aud":16353,"former":16354,"Ġdefenders":16355,"ĠCT":16356,"iotic":16357,"ribly":16358,"Ġautomated":16359,"Ġpenis":16360,"Ġinsist":16361,"Ġdiagram":16362,"ĠSQL":16363,"ĠGarc":16364,"Ġwitch":16365,"client":16366,"ierra":16367,"ambers":16368,"Ġrecount":16369,"far":16370,"Very":16371,"osterone":16372,"Ġappreciated":16373,"ĠPerfect":16374,"Section":16375,"Ġdoses":16376,"ocaust":16377,"Ġcostly":16378,"Ġgrams":16379,"ĠShi":16380,"Ġwrestling":16381,"Ġ1971":16382,"Ġtrophy":16383,"Ġnerve":16384,"ĠKaz":16385,"ĠExperience":16386,"Ġpledged":16387,"Ġplayback":16388,"Ġcreativity":16389,"bye":16390,"Ġattackers":16391,"Ġholders":16392,"ĠCoach":16393,"ĠPhD":16394,"Ġtransfers":16395,"Ġcolored":16396,"ĠHindu":16397,"Ġdrown":16398,"Ġlistened":16399,"ĠWA":16400,"iasm":16401,"PO":16402,"Ġappealing":16403,"Ġdisclosed":16404,"ĠChicken":16405,"agging":16406,"Ġpleaded":16407,"Ġnavigation":16408,"ĠReturns":16409,"Ġ[[":16410,"ROR":16411,"EA":16412,"Ġphotographer":16413,"ĠRider":16414,"ippers":16415,"Ġslice":16416,"Ġerect":16417,"Ġhed":16418,"issance":16419,"ĠVikings":16420,"urious":16421,"Ġappet":16422,"oubtedly":16423,"Child":16424,"Ġauthentic":16425,"oos":16426,"ĠMaking":16427,"Ġannouncing":16428,"Ġbod":16429,"Ġmeter":16430,"ĠNine":16431,"ĠRogue":16432,"Ġworkforce":16433,"Ġrenewed":16434,"Ġorganisations":16435,"acs":16436,"PLE":16437,"Short":16438,"Ġcompounds":16439,"ĠVisit":16440,"Ġenvelop":16441,"earth":16442,"Ġsupportive":16443,"ggle":16444,"ĠBrussels":16445,"ĠGuild":16446,"Create":16447,"REL":16448,"Ġaveraged":16449,"Ġ1969":16450,"riages":16451,"Ġlengthy":16452,"Ġforgot":16453,"Okay":16454,"ĠErd":16455,"Ġdealer":16456,"Ġrecession":16457,"DD":16458,"Ġdesperately":16459,"Ġhunger":16460,"Ġsticks":16461,"Ġmph":16462,"ĠFaith":16463,"Ġintentionally":16464,"Ġdemol":16465,"ueller":16466,"ĠSale":16467,"Ġdebris":16468,"spring":16469,"Ġleap":16470,">>>>":16471,"Ġcontainers":16472,"selling":16473,"ranean":16474,"attering":16475,"Ġcommented":16476,"ĠCM":16477,"onut":16478,"Ġwoods":16479,"especially":16480,"Ġorganize":16481,"ivic":16482,"ĠWoods":16483,"anga":16484,"squ":16485,"Ġmaj":16486,"amon":16487,"Ġaxis":16488,"Ġ1974":16489,"ĠDenmark":16490,"Ġwarrior":16491,"ĠPand":16492,"Ġoutlined":16493,"ĠBO":16494,"insula":16495,"zilla":16496,"ebook":16497,"Ġdare":16498,"Ġsearched":16499,"Ġnavigate":16500,"Sn":16501,"writing":16502,"Ġunited":16503,"Japan":16504,"ĠHebrew":16505,"Ġflame":16506,"Ġrelies":16507,"Ġcatching":16508,"ĠSho":16509,"Ġimprisonment":16510,"Ġpockets":16511,"Ġclosure":16512,"ĠFam":16513,"tim":16514,"adequ":16515,"Activity":16516,"Ġrecruiting":16517,"ĠWATCH":16518,"ĠArgentina":16519,"dest":16520,"Ġapologize":16521,"oro":16522,"Ġlacks":16523,"Ġtuned":16524,"ĠGriffin":16525,"Ġinfamous":16526,"Ġcelebrity":16527,"sson":16528,"Ġ----------------------------------------------------------------":16529,"ĠIsis":16530,"ĠDisplay":16531,"Ġcredibility":16532,"Ġeconomies":16533,"Ġheadline":16534,"ĠCowboys":16535,"Ġindef":16536,"Ġlately":16537,"Ġincentives":16538,"button":16539,"ĠMob":16540,"Aut":16541,"Ġresigned":16542,"ĠOm":16543,"camp":16544,"Ġprofiles":16545,"Ġschemes":16546,"olphins":16547,"ayed":16548,"Clinton":16549,"enh":16550,"ĠYahoo":16551,"Ġabst":16552,"Ġank":16553,"suits":16554,"Ġwished":16555,"ĠMarco":16556,"udden":16557,"Ġsphere":16558,"ĠBishop":16559,"Ġincorporated":16560,"ĠPlant":16561,"114":16562,"Ġhated":16563,"pic":16564,"Ġdonate":16565,"Ġlined":16566,"Ġbeans":16567,"Ġstealing":16568,"Ġcostume":16569,"Ġsheriff":16570,"Ġforty":16571,"Ġintact":16572,"Ġadapted":16573,"Ġtravelling":16574,"bart":16575,"Ġnicely":16576,"Ġdried":16577,"Ġscal":16578,"osity":16579,"NOTE":16580,"ĠBh":16581,"ĠBroncos":16582,"ĠIgn":16583,"Ġintimate":16584,"Ġchemistry":16585,"Ġoptimal":16586,"Deb":16587,"ĠGeneration":16588,"Ġ],":16589,"ichi":16590,"ĠWii":16591,"ĠYOUR":16592,"ventions":16593,"Write":16594,"Ġpopul":16595,"unning":16596,"ĠWor":16597,"Vol":16598,"Ġqueen":16599,"heads":16600,"KK":16601,"Ġanalyze":16602,"opic":16603,"earchers":16604,"Ġdot":16605,"legraph":16606,"astically":16607,"Ġupgrades":16608,"Ġcares":16609,"Ġextending":16610,"Ġfreeze":16611,"Ġinability":16612,"Ġorgans":16613,"Ġpretend":16614,"Ġoutlet":16615,"113":16616,"olan":16617,"ĠMall":16618,"uling":16619,"talk":16620,"Ġexpressing":16621,"ĠAlways":16622,"ĠBegin":16623,"files":16624,"Ġlicenses":16625,"%%":16626,"ĠMitt":16627,"Ġfilters":16628,"ĠMilwaukee":16629,"GN":16630,"Ġunfold":16631,"Mo":16632,"Ġnutrition":16633,"ppo":16634,"Bo":16635,"Ġfounding":16636,"Ġundermine":16637,"Ġeasiest":16638,"ĠCzech":16639,"ĠMack":16640,"Ġsexuality":16641,"ĠNixon":16642,"Win":16643,"ĠArn":16644,"ĠKin":16645,"ãĤ£":16646,"icer":16647,"Ġfortun":16648,"Ġsurfaces":16649,"aghd":16650,"Ġcarriers":16651,"ĠPART":16652,"ĠTib":16653,"Ġinterval":16654,"Ġfrustrating":16655,"ĠShip":16656,"ĠArmed":16657,"ffe":16658,"Ġboats":16659,"ĠAbraham":16660,"inis":16661,"Ġsuited":16662,"thread":16663,"iov":16664,"abul":16665,"ĠVenezuela":16666,"Ġtom":16667,"super":16668,"Ġcastle":16669,"although":16670,"ioxide":16671,"eches":16672,"Ġevolutionary":16673,"Ġnegotiate":16674,"Ġconfronted":16675,"Remember":16676,"Ġ170":16677,"Such":16678,"Ġ911":16679,"mult":16680,"ĠAbyss":16681,"urry":16682,"kees":16683,"spec":16684,"ĠBarbara":16685,"Ġbelonging":16686,"Ġvillain":16687,"istani":16688,"Ġaccountable":16689,"Ġportions":16690,"ĠDecl":16691,"Ur":16692,"ĠKate":16693,"gre":16694,"Ġmagazines":16695,"UCK":16696,"Ġregulate":16697,"omon":16698,"ĠAlmost":16699,"Ġoverview":16700,"Ġscram":16701,"Ġloot":16702,"ĠFitz":16703,"Ġcharacteristic":16704,"ĠSnake":16705,"say":16706,"ĠRico":16707,"Ġtrait":16708,"ĠJoined":16709,"aucus":16710,"Ġadaptation":16711,"ĠAirlines":16712,"Ġarchae":16713,"ĠIde":16714,"Ġbikes":16715,"Ġliterary":16716,"Ġinfluences":16717,"ĠUsed":16718,"Creat":16719,"Ġplea":16720,"ĠDefence":16721,"ĠAssass":16722,"Ġpond":16723,"ULT":16724,")\"":16725,"Ġevaluated":16726,"Ġobtaining":16727,"Ġdemographic":16728,"Ġvigil":16729,"aley":16730,"Ġspouse":16731,"ĠSeahawks":16732,"respons":16733,"ĠBelt":16734,"umatic":16735,"Ġrises":16736,"runner":16737,"ĠMichelle":16738,"Ġpotent":16739,"race":16740,"ĠPAC":16741,"Find":16742,"olesterol":16743,"ISS":16744,"ĠIntroduced":16745,"resses":16746,"ignment":16747,"Os":16748,"ĠTu":16749,"ĠDex":16750,"icides":16751,"Ġsparked":16752,"ĠLaura":16753,"ĠBryant":16754,"Ġsmiling":16755,"ĠNexus":16756,"Ġdefendants":16757,"ĠCatal":16758,"Ġdishes":16759,"shaped":16760,"Ġprolong":16761,"mt":16762,"($":16763,"ãĢĤ":16764,"Ġcalculations":16765,"ĠSame":16766,"Ġpiv":16767,"HH":16768,"Ġcancelled":16769,"Ġgrin":16770,"Ġterritories":16771,"istically":16772,"Come":16773,"ĠParent":16774,"Project":16775,"Ġneglig":16776,"ĠPrivacy":16777,"Ġammo":16778,"LECT":16779,"olutely":16780,"ĠEpic":16781,"Ġmisunder":16782,"wal":16783,"April":16784,"mos":16785,"pathy":16786,"ĠCarson":16787,"Ġalbums":16788,"ĠEasy":16789,"Ġpistol":16790,"<<":16791,"Ġ\\(":16792,"target":16793,"help":16794,"Ġinterpre":16795,"conscious":16796,"ĠHousing":16797,"ĠJoint":16798,"127":16799,"Ġbeers":16800,"science":16801,"ĠFirefox":16802,"effective":16803,"ĠCabin":16804,"ĠOkay":16805,"ĠApplic":16806,"Ġspacecraft":16807,"ĠSR":16808,"vet":16809,"ĠStrange":16810,"SB":16811,"Ġcorps":16812,"iberal":16813,"efficient":16814,"Ġprevalence":16815,"Ġeconomists":16816,"118":16817,"Thread":16818,"ordable":16819,"ODE":16820,"ĠCant":16821,"=-=-":16822,"ifiable":16823,"ĠAround":16824,"Ġpole":16825,"Ġwillingness":16826,"CLA":16827,"ĠKid":16828,"Ġcomplement":16829,"Ġscattered":16830,"Ġinmates":16831,"Ġbleeding":16832,"every":16833,"Ġqueue":16834,"ĠTrain":16835,"Ġhij":16836,"Ġmelee":16837,"pleted":16838,"Ġdigit":16839,"Ġgem":16840,"official":16841,"Ġlifting":16842,"е":16843,"Requ":16844,"itutes":16845,"Ġpackaging":16846,"ĠWorkers":16847,"hran":16848,"ĠLebanon":16849,"olesc":16850,"Ġpunished":16851,"ĠJuan":16852,"Ġjam":16853,"ĠDocument":16854,"Ġmapping":16855,"icates":16856,"Ġinevitably":16857,"Ġvanilla":16858,"ĠTon":16859,"Ġwatches":16860,"Ġleagues":16861,"Ġinitiated":16862,"degree":16863,"portion":16864,"Ġrecalls":16865,"Ġruin":16866,"Ġmelt":16867,"IAN":16868,"Ġhem":16869,"Exp":16870,"Ġbaking":16871,"ĠColomb":16872,"atible":16873,"Ġradius":16874,"plug":16875,"ĠIF":16876,"etically":16877,"Ġfict":16878,"HER":16879,"ĠTap":16880,"atinum":16881,"Ġink":16882,"Ġcoh":16883,"ĠWizard":16884,"both":16885,"tex":16886,"Ġspends":16887,"ĠCurrently":16888,"ĠPit":16889,"Ġneurons":16890,"ignt":16891,"Ġrall":16892,"Ġbuses":16893,"building":16894,"Ġadjustments":16895,"Ġcried":16896,"iblical":16897,"atted":16898,"ĠZion":16899,"ĠMatter":16900,"Ġmeditation":16901,"ĠDennis":16902,"Ġours":16903,"ĠTab":16904,"Ġrankings":16905,"ortal":16906,"Ġadvers":16907,"Ġsurrender":16908,"ĠGob":16909,"cium":16910,"omas":16911,"imeter":16912,"Ġmultiplayer":16913,"Ġheroin":16914,"Ġoptimistic":16915,"Ġindicator":16916,"ĠBrig":16917,"Ġgrocery":16918,"Ġapplicant":16919,"ĠRocket":16920,"vid":16921,"Exception":16922,"pent":16923,"Ġorganizing":16924,"Ġencounters":16925,"ĠTOD":16926,"Ġjewel":16927,"Save":16928,"ĠChristie":16929,"Ġheating":16930,"Ġlazy":16931,"ĠCP":16932,"Ġcousin":16933,"Config":16934,"Ġregener":16935,"Ġnearest":16936,"Ġachieving":16937,"ENS":16938,"throw":16939,"ĠRichmond":16940,"antle":16941,"2002":16942,"Ġanten":16943,"bird":16944,"133":16945,"Ġnarc":16946,"raint":16947,"unny":16948,"ĠHispanic":16949,"ournaments":16950,"Ġprophe":16951,"ĠThailand":16952,"ĠTi":16953,"Ġinjection":16954,"Ġinherit":16955,"ravis":16956,"Ġmedi":16957,"Ġwhoever":16958,"ĠDEBUG":16959,"GP":16960,"ĠHud":16961,"Card":16962,"prom":16963,"Ġpor":16964,"Ġoverhead":16965,"Law":16966,"Ġviolate":16967,"Ġheated":16968,"Ġdescriptions":16969,"Ġachievements":16970,"ĠBeer":16971,"ĠQuant":16972,"Was":16973,"Ġeighth":16974,"ĠIv":16975,"Ġspecialized":16976,"UPDATE":16977,"ĠDelta":16978,"Pop":16979,"Jul":16980,"ĠAsk":16981,"ophy":16982,"Ġnewsletters":16983,"ĠTool":16984,"Ġgard":16985,"ĠConfeder":16986,"ĠGMT":16987,"ĠAbbott":16988,"Ġimmunity":16989,"ĠVM":16990,"Islam":16991,"Ġimplicit":16992,"wd":16993,"Ġ1944":16994,"ravity":16995,"ometric":16996,"Ġsurviving":16997,"urai":16998,"ĠPrison":16999,"Ġrust":17000,"ĠSketch":17001,"Ġbees":17002,"ĠTheory":17003,"Ġmerit":17004,"Tex":17005,"chat":17006,"Ġmim":17007,"Ġpaste":17008,"ĠKoch":17009,"Ġignorance":17010,"ĠShoot":17011,"Ġbasement":17012,"United":17013,"ĠAdvis":17014,"height":17015,"Ġfoster":17016,"Ġdetain":17017,"information":17018,"Ġneural":17019,"';":17020,"Ġproves":17021,"allery":17022,"Ġinvitation":17023,"umbers":17024,"Ġcattle":17025,"Ġbicycle":17026,"zi":17027,"Ġconsultant":17028,"Ġapology":17029,"ĠTiger":17030,"Ġ123":17031,"999":17032,"Ġindividually":17033,"rt":17034,"igion":17035,"ĠBrazilian":17036,"Ġdisturb":17037,"Ġentrepreneurs":17038,"Ġforests":17039,"cerpt":17040,"plates":17041,"pher":17042,"clipse":17043,"Ġtwitter":17044,"Ġacids":17045,"ographical":17046,"hum":17047,"ĠBald":17048,"ifully":17049,"Ġcompiler":17050,"ĠDA":17051,"Ġdonor":17052,"asi":17053,"Ġtribal":17054,"lash":17055,"ĠConfig":17056,"Ġapplicants":17057,"Ġsalaries":17058,"135":17059,"Putin":17060,"ĠFocus":17061,"irs":17062,"Ġmisconduct":17063,"ĠHaz":17064,"Ġeaten":17065,"Mobile":17066,"Muslim":17067,"ĠMarcus":17068,"viol":17069,"Ġfavorable":17070,"Ġstub":17071,"adin":17072,"ĠHob":17073,"Ġfaithful":17074,"Ġelectronics":17075,"Ġvacuum":17076,"wait":17077,"backed":17078,"economic":17079,"dist":17080,"Ġtenure":17081,"Ġsincere":17082,"ĠTogether":17083,"ĠWave":17084,"Ġprogression":17085,"Ġdenying":17086,"Ġdistress":17087,"braska":17088,"third":17089,"Ġmixing":17090,"Ġcolonial":17091,"Ġprivately":17092,"Ġunrest":17093,"aternity":17094,"Ġpremises":17095,"anti":17096,"gregation":17097,"Ġlicence":17098,"ĠHind":17099,"ĠSamuel":17100,"Ġconvincing":17101,"ĠAce":17102,"ĠRust":17103,"ĠNetanyahu":17104,"Ġhandles":17105,"ĠPatch":17106,"oriented":17107,"aho":17108,"ĠGonz":17109,"Ġhackers":17110,"claimer":17111,"Ġcustoms":17112,"ĠGran":17113,"fighters":17114,"Ġluc":17115,"Ġmanuscript":17116,"arenthood":17117,"Ġdevil":17118,"Ġwarriors":17119,"Ġoffenders":17120,"William":17121,"Ġholidays":17122,"Ġnightmare":17123,"Ġlever":17124,"ifferent":17125,"Stat":17126,"Ġexhibition":17127,"puted":17128,"ĠPure":17129,"Ġalpha":17130,"Ġenthusiasm":17131,"ĠRepresentatives":17132,"EAR":17133,"ĠTyp":17134,"Ġwheat":17135,"ĠAlf":17136,"Ġcorrection":17137,"Ġevangel":17138,"ATT":17139,"Miss":17140,"Ġsoup":17141,"Ġimplied":17142,"param":17143,"Ġsexy":17144,"ĠLux":17145,"Ġrepublic":17146,"patch":17147,"ablish":17148,"Ġicons":17149,"Ġfathers":17150,"ĠGET":17151,"ĠCarib":17152,"Ġregulated":17153,"ĠCohen":17154,"ĠBobby":17155,"Ġner":17156,"Ġbent":17157,"ventory":17158,"ĠAlong":17159,"ĠEST":17160,"ĠWallace":17161,"Ġmurders":17162,"rise":17163,"kell":17164,"ĠCommonwealth":17165,"Ġnasty":17166,"eta":17167,"ĠMIT":17168,"Ġadministered":17169,"Ġgenuinely":17170,"Editor":17171,"nick":17172,"Ġhydro":17173,"********************************":17174,"ĠBle":17175,"Ġfines":17176,"Ġgorge":17177,"ausible":17178,"rh":17179,"Ġapple":17180,"mentioned":17181,"Ġrope":17182,"otyp":17183,"HR":17184,"Ġdisappointing":17185,"Ġcage":17186,"nik":17187,"Ġdoubts":17188,"ĠFREE":17189,"prints":17190,"ĠMUST":17191,"Ġvendors":17192,"ĠInqu":17193,"Ġliberals":17194,"Ġcontractor":17195,"Ġupside":17196,"children":17197,"Ġtricky":17198,"Ġregulators":17199,"charged":17200,"liter":17201,"Ġ***":17202,"Ġrebell":17203,"lang":17204,"Ġlocals":17205,"Ġphysicians":17206,"Ġhey":17207,"arse":17208,"tm":17209,"ĠLex":17210,"Ġbehavioral":17211,"successful":17212,"FX":17213,"Ġbrick":17214,"ovic":17215,"Ġconform":17216,"Ġreviewing":17217,"Ġinsights":17218,"Ġbiology":17219,"ĠRemove":17220,"ĠExtra":17221,"Ġcommitting":17222,"induced":17223,"ignty":17224,"igm":17225,"Ġatomic":17226,"Common":17227,"ĠEM":17228,"ĠPere":17229,"ĠItems":17230,"eh":17231,"Ġpreserved":17232,"ĠHood":17233,"Ġprisoner":17234,"Ġbankruptcy":17235,"Ġgren":17236,"ushes":17237,"Ġexploitation":17238,"Ġsignatures":17239,"Ġfinan":17240,"],\"":17241,"ĠMR":17242,"Ġmeg":17243,"remlin":17244,"Ġmusicians":17245,"Ġselecting":17246,"Ġexamining":17247,"INK":17248,"lated":17249,"Hi":17250,"Ġartic":17251,"Ġpets":17252,"Ġimpair":17253,"ĠMAN":17254,"Ġtablets":17255,"include":17256,"Range":17257,"Ġcaut":17258,"Ġlogs":17259,"Ġmounting":17260,"Ġunaware":17261,"Ġdynamics":17262,"ĠPalestine":17263,"ĠQuarter":17264,"ĠPurple":17265,"Ġma":17266,"ĠImport":17267,"Ġcollections":17268,"ciation":17269,"Ġsuccessor":17270,"Ġclone":17271,"Ġaiming":17272,"Ġpossessed":17273,"Ġsticking":17274,"Ġshaking":17275,"Ġlocate":17276,"ĠHockey":17277,"Turn":17278,"170":17279,"Ġfifteen":17280,"ĠHarrison":17281,"Ġcontinuously":17282,"ĠTC":17283,"ĠValent":17284,"ĠRescue":17285,"Ġbypass":17286,"amount":17287,"Ġmast":17288,"Ġprotects":17289,"Ġartistic":17290,"Ġsometime":17291,"Ġshoe":17292,"Ġshouted":17293,"ificant":17294,"etitive":17295,"ĠRegister":17296,"ĠJin":17297,"Ġconcentrated":17298,"lington":17299,"onies":17300,"Ġgenerator":17301,"yrim":17302,"ĠArmen":17303,"Ġclearing":17304,"ido":17305,"ĠTW":17306,"alph":17307,"Ġladies":17308,"Hard":17309,"Ġdialog":17310,"Ġinputs":17311,"æľ":17312,"Ġposes":17313,"Ġslots":17314,"ĠPremium":17315,"Ġleaks":17316,"Ġbosses":17317,"Ġ113":17318,"course":17319,"Acc":17320,"ĠNewton":17321,"ĠAustria":17322,"ĠMage":17323,"Ġteaches":17324,"abad":17325,"Ġwears":17326,"Ġcyl":17327,"Ġcurse":17328,"ĠSales":17329,"ĠWings":17330,"Ġpsy":17331,"Ġgaps":17332,"ĠIceland":17333,"ĠPinterest":17334,"Ġlandlord":17335,"Ġdefinitions":17336,"ĠKer":17337,"Ġsufficiently":17338,"ĠPence":17339,"ĠArchitect":17340,"Ġsurpass":17341,"Ġ114":17342,"Ġsuperhero":17343,"ĠDisease":17344,"Ġpriests":17345,"ĠCulture":17346,"Ġdefinitive":17347,"Ġsecretly":17348,"ĠDance":17349,"install":17350,"chief":17351,"ĠJessica":17352,"Would":17353,"Updated":17354,"Ġlocker":17355,"ĠKay":17356,"Ġmemorial":17357,"è¦":17358,"fat":17359,"Ġdisgu":17360,"Ġflavors":17361,"ĠBaseball":17362,"ĠResistance":17363,"Ġkicks":17364,"Ġenv":17365,"Ġteenagers":17366,"Dark":17367,"ĠCAR":17368,"Ġhalt":17369,"ĠLG":17370,"ĠGabriel":17371,"Ġfever":17372,"Ġsatur":17373,"Ġmall":17374,"Ġaffiliate":17375,"ĠSleep":17376,"ĠSpecific":17377,"ĠVel":17378,"Ġjar":17379,"ĠSacred":17380,"ĠEdwards":17381,"ĠACL":17382,"Ġretained":17383,"ĠGiant":17384,"Ġlimitation":17385,"inces":17386,"Ġrefusal":17387,"ĠTale":17388,"ĠButler":17389,"Ġaccidents":17390,"ĠCSS":17391,"Ġimported":17392,"ĠCopy":17393,"α":17394,"ERT":17395,"zel":17396,"Ġdivisions":17397,"hots":17398,"ĠAlb":17399,"ĠDS":17400,"Loader":17401,"Washington":17402,"atisf":17403,"ĠCreative":17404,"\\.":17405,"ĠAutom":17406,"redict":17407,"Ġreceptor":17408,"ĠCarlos":17409,"Method":17410,"oka":17411,"Ġmalicious":17412,"Ġstepping":17413,",[":17414,"ĠDad":17415,"Ġattraction":17416,"ĠEffects":17417,"ĠPirate":17418,"ĠCer":17419,"ĠIndustry":17420,"ĠRud":17421,"Ġcharter":17422,"Ġdining":17423,"Ġinsists":17424,"Ġconfigure":17425,"Ġ(#":17426,"ĠSimple":17427,"ĠScroll":17428,"UTC":17429,"175":17430,"ĠKon":17431,"Ġmarketplace":17432,"ĠãĤ":17433,"Ġrefres":17434,"Ġgates":17435,"erred":17436,"ĠPod":17437,"Ġbehave":17438,"Frank":17439,"node":17440,"Ġendorsed":17441,"hett":17442,"asive":17443,"ĠHomeland":17444,"Ġrides":17445,"ĠLeave":17446,"erness":17447,"Ġflooding":17448,"AFP":17449,"Ġrisen":17450,"Ġcontinually":17451,"Ġunanim":17452,"ĠContract":17453,"ĠPas":17454,"Ġguided":17455,"ĠChile":17456,"bd":17457,"Ġsucc":17458,"ptic":17459,"Ġcommittees":17460,"ĠLuther":17461,"ĠAnyone":17462,"Ġsab":17463,"124":17464,"Ġpixel":17465,"ĠBak":17466,"ĠTag":17467,"ĠBennett":17468,"Enter":17469,"small":17470,"ĠPresidential":17471,"Ġpul":17472,"Ġcontrace":17473,"archive":17474,"Ġcoastal":17475,"ĠKids":17476,"192":17477,"â̲":17478,"icky":17479,"INGTON":17480,"Ġwolf":17481,"ĠStalin":17482,"Tur":17483,"idget":17484,"amas":17485,"ĠUnless":17486,"Ġsponsor":17487,"Ġmorph":17488,"ĠChoose":17489,"Ġrunner":17490,"Ġunbel":17491,"Ġmud":17492,"ĠMana":17493,"Ġdubbed":17494,"Ġgodd":17495,"urers":17496,"window":17497,"Ġrelied":17498,"Ġcelebrating":17499,"osc":17500,"Ġ135":17501,"Ġlobbying":17502,"Ġincomplete":17503,"Ġrestriction":17504,"Ġincap":17505,"itus":17506,"Ġexpectation":17507,"ĠApollo":17508,"Ġintens":17509,"Ġsync":17510,"GH":17511,"Ġmanipulation":17512,"BY":17513,"Ġspear":17514,"Ġbreasts":17515,"Ġvolcan":17516,"ilia":17517,"Material":17518,"Ġformats":17519,"ĠBast":17520,"Ġparliamentary":17521,"Ġsnake":17522,"Ġservants":17523,"ĠTrudeau":17524,"ĠGrim":17525,"ĠArabic":17526,"ĠSCP":17527,"ĠBoys":17528,"station":17529,"Ġprospective":17530,"orde":17531,"initialized":17532,"Ġbored":17533,"ABLE":17534,"Ġaccessed":17535,"Ġtaxi":17536,"ĠShell":17537,"aiden":17538,"ursed":17539,"inates":17540,"ĠInsurance":17541,"ĠPete":17542,"September":17543,"650":17544,"Ġadventures":17545,"ĠCover":17546,"Ġtribute":17547,"Ġsketch":17548,"Ġempower":17549,"ĠØ":17550,"ĠGlenn":17551,"ĠDaw":17552,"=\\\"":17553,"ĠPolitics":17554,"Ġguides":17555,"Ġdioxide":17556,"ĠGore":17557,"ĠBright":17558,"ĠSierra":17559,"Ġvalued":17560,"cond":17561,"Ġpointer":17562,"Select":17563,"Ġrisky":17564,"Ġabsorb":17565,"images":17566,"Ġrefuses":17567,"Ġbonuses":17568,"___":17569,"Ġhilar":17570,"ĠFeatures":17571,"220":17572,"ĠCollector":17573,"Foot":17574,"Ġ1964":17575,"culus":17576,"Ġdawn":17577,"Ġworkout":17578,"ĠLO":17579,"Ġphilosophical":17580,"ĠSandy":17581,"ĠYouth":17582,"Ġliable":17583,"Af":17584,"blue":17585,"Ġoverturn":17586,"lessness":17587,"ĠTribune":17588,"ĠIng":17589,"Ġfactories":17590,"Ġcatches":17591,"Ġprone":17592,"Ġmatrix":17593,"Ġlogin":17594,"Ġinacc":17595,"Ġexert":17596,"sys":17597,"Ġneedle":17598,"ĠQur":17599,"Ġnotified":17600,"oulder":17601,"tx":17602,"Ġreminds":17603,"Ġpublishers":17604,"Ġnort":17605,"Ġgit":17606,"Ġflies":17607,"ĠEmily":17608,"Ġflowing":17609,"ĠAlien":17610,"ĠStrateg":17611,"Ġhardest":17612,"Ġmodification":17613,"API":17614,"ĠMY":17615,"Ġcrashes":17616,"stairs":17617,"number":17618,"Ġurging":17619,"channel":17620,"ĠFalcon":17621,"Ġinhabitants":17622,"Ġterrifying":17623,"Ġutilize":17624,"Ġbanner":17625,"Ġcigarettes":17626,"Ġsenses":17627,"ĠHolmes":17628,"Ġpractition":17629,"ĠPhillips":17630,"otto":17631,"Ġcompile":17632,"Model":17633,"ĠKo":17634,"Ġ[]":17635,"Americans":17636,"ĠTerms":17637,"Ġmedications":17638,"ĠAna":17639,"Ġfundamentally":17640,"ĠNotice":17641,"Ġweaker":17642,"Ġ0000":17643,"Ġgarlic":17644,"Ġoutbreak":17645,"Ġeconomist":17646,"ĠBirth":17647,"Ġobstacles":17648,"arcer":17649,"ĠOrthodox":17650,"Ġplacebo":17651,"ĠCrew":17652,"aspberry":17653,"ĠAngels":17654,"Ġdischarge":17655,"Ġdestructive":17656,"117":17657,"ĠRising":17658,"Ġdairy":17659,"late":17660,"Ġcollision":17661,"ĠTigers":17662,"eanor":17663,"ocumented":17664,"ĠInvalid":17665,"Ġdont":17666,"ĠLiter":17667,"ĠVa":17668,"Ġhydrogen":17669,"Ġvariants":17670,"ĠBrowns":17671,"Ġ1965":17672,"Ġindigenous":17673,"Ġtrades":17674,"Ġremainder":17675,"Ġswept":17676,"ĠImpact":17677,"Ġredist":17678,"Ġunint":17679,"graduate":17680,"ãĥķ":17681,"ĠWILL":17682,"ãģ®ç":17683,"ĠCritical":17684,"Ġfisher":17685,"Ġvicious":17686,"Ġreversed":17687,"Year":17688,"ĠSox":17689,"Ġshootings":17690,"Ġfilming":17691,"Ġtouchdowns":17692,"aires":17693,"mel":17694,"Ġgrandfather":17695,"Ġaffection":17696,"ingle":17697,"Ġoverly":17698,"Additional":17699,"Ġsupreme":17700,"ĠGrad":17701,"Ġsporting":17702,"Ġmercy":17703,"ĠBrooks":17704,"ounty":17705,"Ġperforms":17706,"Ġtightly":17707,"Ġdemons":17708,"Ġkillings":17709,"Ġfaction":17710,"ĠNova":17711,"auts":17712,"Ġundoubtedly":17713,"arin":17714,"Ġunderway":17715,"rak":17716,"Ġliv":17717,"ĠRegion":17718,"Ġbriefing":17719,"sers":17720,"cloud":17721,"ĠMik":17722,"usp":17723,"Ġprediction":17724,"azor":17725,"Ġportable":17726,"ĠGand":17727,"Ġpresenting":17728,"Ġ1080":17729,"»":17730,"ushi":17731,"ĠSpark":17732,"thereum":17733,"Ġjustification":17734,"ĠNy":17735,"Ġcontractors":17736,"mingham":17737,"ĠStyle":17738,"åħ":17739,"ĠChronicles":17740,"ĠPicture":17741,"Ġproving":17742,"Ġwives":17743,"sett":17744,"Ġmolecules":17745,"ĠFairy":17746,"Ġconsisting":17747,"Ġpier":17748,"alone":17749,"inition":17750,"Ġnucle":17751,"json":17752,"Ġgotta":17753,"Ġmobil":17754,"Ġverbal":17755,"arium":17756,"Ġmonument":17757,"ucked":17758,"Ġ256":17759,"Tech":17760,"minecraft":17761,"ĠTrack":17762,"Ġtile":17763,"Ġcompatibility":17764,"asis":17765,"Ġsadd":17766,"Ġinstructed":17767,"ĠMueller":17768,"Ġlethal":17769,"Ġhormone":17770,"Ġorche":17771,"else":17772,"Ġskelet":17773,"Ġentertaining":17774,"Ġminimize":17775,"again":17776,"Ġundergo":17777,"Ġconstraints":17778,"Ġcigarette":17779,"ĠIslamist":17780,"Ġtravels":17781,"ĠPanthers":17782,"lings":17783,"Care":17784,"Ġlawsuits":17785,"uras":17786,"Ġcryst":17787,"Ġlowered":17788,"Ġaerial":17789,"Ġcombinations":17790,"Ġhaun":17791,"Ġcha":17792,"Ġvine":17793,"Ġquantities":17794,"Ġlinking":17795,"bank":17796,"Ġsoy":17797,"Bill":17798,"ĠAngela":17799,"Ġrecipient":17800,"ĠProtest":17801,"Ġsocket":17802,"Ġsolidarity":17803,"ĠâĨ":17804,"mill":17805,"Ġvaries":17806,"ĠPakistani":17807,"Dragon":17808,"Ġune":17809,"Ġhorizon":17810,"³³³³³³³³":17811,"Ġprovinces":17812,"Ġfrankly":17813,"Ġenacted":17814,"notes":17815,"['":17816,"Ġ192":17817,"ocracy":17818,"Ġendorsement":17819,"Ġovertime":17820,"True":17821,"Lab":17822,"licted":17823,"ĠDNC":17824,"Ġbeats":17825,"ĠJamie":17826,"152":17827,"ĠINT":17828,"Contact":17829,"Ġaccounted":17830,"hash":17831,"ĠPackers":17832,"pires":17833,"Ġlesbian":17834,"Ġamendments":17835,"Ġhopeful":17836,"ĠFinland":17837,"Ġspotlight":17838,"Ġconfigured":17839,"Ġtroubled":17840,"Ġgaze":17841,"ĠCalgary":17842,"Ġreliability":17843,"Ġinsurg":17844,"swer":17845,"buy":17846,"ĠSkin":17847,"Ġpixels":17848,"Ġhandgun":17849,"Ġparas":17850,"Ġcategor":17851,"ĠEL":17852,"ĠRex":17853,"Indeed":17854,"Ġkinda":17855,"Ġconjunction":17856,"ĠBryan":17857,"ĠManufact":17858,"yang":17859,"Plus":17860,"SQL":17861,"ishment":17862,"Ġdominate":17863,"Ġnail":17864,"Ġoath":17865,"Ġerupt":17866,"ĠFine":17867,"itbart":17868,"ĠChip":17869,"ĠAbd":17870,"ĠNam":17871,"Ġbuyer":17872,"Ġdissent":17873,"Leaks":17874,"Contin":17875,"Ġrider":17876,"ĠSomeone":17877,"Ġillusion":17878,"cin":17879,"ĠBoeing":17880,"Ġinadequ":17881,"ovation":17882,"iants":17883,"Ġrebuild":17884,"450":17885,"ĠDestiny":17886,"SW":17887,"ĠTill":17888,"Hit":17889,"iaz":17890,"ĠBangl":17891,"achers":17892,"ĠReform":17893,"Ġsegments":17894,"Ġsystematic":17895,"dc":17896,"ĠConservatives":17897,"Ġportal":17898,"hor":17899,"ĠDragonbound":17900,"Ġdragged":17901,"omo":17902,"Ġthee":17903,"advert":17904,"ĠReports":17905,"ĠEt":17906,"Ġbarrels":17907,"August":17908,"Ġcomparisons":17909,"Ġhex":17910,"Ġanthrop":17911,"\"[":17912,"borough":17913,"abi":17914,"Ġpictured":17915,"playing":17916,"ĠAddress":17917,"ĠMirror":17918,"Smith":17919,"Ġtires":17920,"ĠNPR":17921,"AAAA":17922,"Ġclassification":17923,"ĠThan":17924,"ĠHarm":17925,"ĠRA":17926,"Ġrejection":17927,"mination":17928,"Ġranged":17929,"ĠFalls":17930,"DI":17931,"Host":17932,"ãĤ´":17933,"ĠExample":17934,"listed":17935,"thirds":17936,"Ġsafegu":17937,"brand":17938,"Ġprobable":17939,"Canada":17940,"ITION":17941,"ĠQaeda":17942,"Ġchick":17943,"Ġimports":17944,"hit":17945,"loc":17946,"WW":17947,"Ġblew":17948,"Ġanytime":17949,"Ġwholes":17950,"iked":17951,"Ġcalculation":17952,"create":17953,"ĠOri":17954,"Ġupgraded":17955,"Ġappar":17956,"utory":17957,"ĠMol":17958,"Brit":17959,"ĠJong":17960,"INAL":17961,"ĠStarting":17962,"Ġdice":17963,"urtle":17964,"Ġrelying":17965,"closure":17966,"Ġprofitable":17967,"Ġslaughter":17968,"ĠManual":17969,"caster":17970,"Ġ\"$":17971,"Ġfeather":17972,"ĠSimply":17973,"ieves":17974,"Ġdeterior":17975,"ĠPCI":17976,"Ġstamp":17977,"Ġflaws":17978,"Ġshade":17979,"hammer":17980,"Ġpassport":17981,"Ġconting":17982,"amel":17983,"Ġobservers":17984,"Ġneglect":17985,"ĠRB":17986,"ĠBrotherhood":17987,"Ġskeptical":17988,"family":17989,"usk":17990,"Ġemotionally":17991,"âĻ":17992,"ĠBeta":17993,"asonable":17994,"idity":17995,"ĠMul":17996,"Ġkicking":17997,"ĠCarm":17998,"ollah":17999,"VERTIS":18000,"ĠAthen":18001,"Ġladder":18002,"ĠBullet":18003,"å£":18004,"0001":18005,"ĠWildlife":18006,"ĠMask":18007,"ĠNan":18008,"Rev":18009,"Ġunacceptable":18010,"legal":18011,"Ġcrowded":18012,"agi":18013,"ĠCox":18014,"je":18015,"Ġmorality":18016,"Ġfuels":18017,"Ġcables":18018,"Ġmankind":18019,"ĠCaribbean":18020,"Ġanchor":18021,"Ġbyte":18022,"ĠOften":18023,"ĠOz":18024,"Ġcrafted":18025,"Ġhistorian":18026,"ĠWu":18027,"Ġtowers":18028,"ĠCitizens":18029,"Ġhelm":18030,"Ġcredentials":18031,"Ġsingular":18032,"ĠJesse":18033,"Ġtackles":18034,"Ġcontempt":18035,"Ġafore":18036,"ĠShadows":18037,"Ġnil":18038,"Ġurgent":18039,"apple":18040,"blood":18041,"Ġvon":18042,"Ġoffline":18043,"Ġbreathe":18044,"Ġjumps":18045,"Ġirrelevant":18046,"oxic":18047,"omal":18048,"important":18049,"Jim":18050,"Ġgloves":18051,"arming":18052,"depth":18053,"Ġtalents":18054,"ookie":18055,"ĠSB":18056,"Ġpalm":18057,"uffs":18058,"esta":18059,"IGH":18060,"Ġcanon":18061,"ĠVerizon":18062,"ĠPle":18063,"Ġcoupled":18064,"velt":18065,"Ġfundraising":18066,"ĠGetting":18067,"ĠDLC":18068,"Ġmathematical":18069,"ĠHS":18070,"ĠCardinals":18071,"telling":18072,"Ġsponsors":18073,"ĠÏ":18074,"ĠBulls":18075,"option":18076,"Ġpropose":18077,"Ġmemorable":18078,"Ġembraced":18079,"Ġdeclining":18080,"Health":18081,"eda":18082,"Ġ};":18083,"Ġspam":18084,"mile":18085,"Ġpitcher":18086,"ĠEight":18087,"Ġcaring":18088,"utic":18089,"role":18090,"Ġairline":18091,"ernandez":18092,"ĠAthlet":18093,"Ġcertification":18094,"uxe":18095,"riger":18096,"Ġempir":18097,"Ġsensation":18098,"Ġdism":18099,"Ġbolt":18100,"Ġevolve":18101,"House":18102,"Ġconsultation":18103,"ĠDuty":18104,"Ġtouches":18105,"ĠNathan":18106,"Ġfaint":18107,"had":18108,"\"(":18109,"ĠConsumer":18110,"ĠExtreme":18111,"Ġ127":18112,"ĠHerm":18113,"ĠSacrament":18114,"izoph":18115,"Ġanxious":18116,"ulously":18117,"Ġsocially":18118,"ĠUTC":18119,"Ġsolving":18120,"ĠLetter":18121,"History":18122,"educ":18123,"Price":18124,"));":18125,"Ġreload":18126,"amic":18127,"Ġpork":18128,"Ġdiscourse":18129,"Ġtournaments":18130,"airo":18131,"ĠKur":18132,"ĠCosta":18133,"Ġviolating":18134,"Ġinterfere":18135,"Ġrecreational":18136,"uffle":18137,"Ġspeeches":18138,"Ġneeding":18139,"Ġremembers":18140,"Ġcredited":18141,"nia":18142,"focused":18143,"amera":18144,"Ġbru":18145,"umbs":18146,"ĠCuban":18147,"Ġpreceding":18148,"Ġnonsense":18149,"acial":18150,"Ġsmartphones":18151,"ĠStories":18152,"Sports":18153,"ĠEmergency":18154,"ouncing":18155,"efined":18156,"Ġber":18157,"Ġconsulting":18158,"Ġmasters":18159,"heastern":18160,".\"[":18161,"ĠRunning":18162,"Ġsuscept":18163,"ĠFeng":18164,"America":18165,"prises":18166,"stitial":18167,"ĠWeekly":18168,"ĠGreater":18169,"modules":18170,"ifter":18171,"Graphics":18172,"uler":18173,"Ġwholly":18174,"Ġsuppress":18175,"Ġconcealed":18176,"Ġhappily":18177,"Ġaccepts":18178,"ĠEnjoy":18179,"Ġrivers":18180,"ĠExcept":18181,"225":18182,"ĠNHS":18183,"ĠMcConnell":18184,"Ġpussy":18185,"ferred":18186,"utable":18187,"Ġattain":18188,"Ġ>=":18189,"Ġdeposits":18190,"rophic":18191,"Ġnotorious":18192,"ĠShaw":18193,"ilitation":18194,"Ġepidemic":18195,"allic":18196,"Ġsmallest":18197,"ovich":18198,"Ġaccessories":18199,"perties":18200,"Ġsurplus":18201,"ĠMech":18202,"Ġambig":18203,"ĠImmigration":18204,"Ġchim":18205,"eval":18206,"Ġpracticing":18207,"ĠMystery":18208,"Ġdomains":18209,"ĠSilicon":18210,"apps":18211,"Ġkilometers":18212,"ea":18213,"ĠSmash":18214,"Ġwarranty":18215,"Ġnost":18216,"sil":18217,"rev":18218,"Jon":18219,"ĠDublin":18220,"Ġtastes":18221,"Ġbout":18222,"great":18223,"error":18224,"Ġswitches":18225,"ĠBapt":18226,"DO":18227,"oki":18228,"Ġsourced":18229,"produ":18230,"Ġattachment":18231,"ĠIssue":18232,"ĠQuestion":18233,"Join":18234,"Ġfitted":18235,"Ġunlawful":18236,"^^":18237,"erek":18238,"Ġauthentication":18239,"Ġstole":18240,"Ġaccountability":18241,"label":18242,"Search":18243,"Ġalbeit":18244,"atican":18245,"funded":18246,"ĠAdding":18247,"ĠIQ":18248,"Ġsubmar":18249,"lit":18250,"aque":18251,"ĠLearning":18252,"Ġinteger":18253,"Master":18254,"ĠChrom":18255,"Ġpremier":18256,"Op":18257,"ĠLiu":18258,"Ġblessed":18259,"ĠGlobe":18260,"ĠResponse":18261,"Ġlegitim":18262,"ĠMerkel":18263,"Ġdisposal":18264,"´":18265,"Ġgauge":18266,"peat":18267,"Ġinduced":18268,"Ġquestionable":18269,"arthy":18270,"ĠVit":18271,"ĠFeed":18272,"Until":18273,"Ut":18274,"worthy":18275,"RY":18276,"ĠHerald":18277,"ĠHammer":18278,"Ġmedal":18279,"ĠRivers":18280,"ĠHack":18281,"Ġclarify":18282,"Ġtracked":18283,"Ġautonomous":18284,"Ġtenant":18285,"ĠQatar":18286,"erie":18287,"Ġgrim":18288,"ĠMonitor":18289,"Ġresistant":18290,"ĠSpec":18291,"ĠWells":18292,"NAS":18293,"148":18294,"Ġminers":18295,"iotics":18296,"Ġmisses":18297,"116":18298,"gian":18299,"git":18300,"ĠEyes":18301,"pres":18302,"Ġgraduated":18303,"Ġangel":18304,"Ġsynchron":18305,"Ġefficiently":18306,"Ġtransmitted":18307,"Harry":18308,"Ġglobally":18309,"ENCE":18310,"ĠMontana":18311,"raged":18312,"ĠPrevention":18313,"Ġpiss":18314,"ĠLl":18315,"Ġshelf":18316,"ĠBJP":18317,"ĠTestament":18318,"ĠLate":18319,"iker":18320,"ĠHapp":18321,"ĠJulian":18322,"hall":18323,"Ġspont":18324,"Ġshutdown":18325,"Ġinconsistent":18326,"Ġsubscribers":18327,"Ġskeleton":18328,"ĠNebraska":18329,"Ġinspire":18330,"ĠVoid":18331,"Feed":18332,"Ġangles":18333,"ĠSprings":18334,"Ġbenchmark":18335,"Ġvaccines":18336,"izophren":18337,"sexual":18338,"uffed":18339,"Ġshine":18340,"ĠKath":18341,"Ġgesture":18342,"inea":18343,"Ġrip":18344,"Ġoppression":18345,"Ġconscience":18346,"bt":18347,"ĠLum":18348,"Ġincidence":18349,"ĠFa":18350,"wr":18351,"Ġmineral":18352,"ĠSpurs":18353,"alky":18354,"Ġthunder":18355,"Ġopio":18356,"Being":18357,"ĠPalm":18358,"Ġwasted":18359,"Ġlb":18360,"iaries":18361,"ĠInitiative":18362,"Ġcurric":18363,"Ġmarker":18364,"ĠMcL":18365,"Ġextensions":18366,"ĠPv":18367,"ĠArms":18368,"Ġofferings":18369,"Ġdefenses":18370,"Ġvendor":18371,"Ġcontradict":18372,"ĠColin":18373,"Ġreddit":18374,"Ġperipher":18375,"122":18376,"Ġsins":18377,"Edit":18378,"ICT":18379,"Soft":18380,"ĠShah":18381,"Ġadministrator":18382,"ĠTrip":18383,"Ġpornography":18384,"Ġtuition":18385,"inence":18386,"ĠProgress":18387,"Ġcatalog":18388,"Ġsuite":18389,"Ġhike":18390,"Ġreproductive":18391,"engine":18392,"Ġdrought":18393,"ĠNoah":18394,"Ġ230":18395,"Ġdude":18396,"Ġrelaxed":18397,"Ġpartition":18398,"Ġparticipant":18399,"Ġtelesc":18400,"Ġfeas":18401,"ĠFF":18402,"owner":18403,"Ġsweeping":18404,"Ġlenses":18405,"Ġmatchup":18406,"ĠRepl":18407,"ournals":18408,"Ġcredible":18409,"Ġgrandmother":18410,"Ġthermal":18411,"Ġsubscribing":18412,"Ġidentities":18413,"colm":18414,"UCT":18415,"Ġreluctant":18416,"users":18417,"ĠCort":18418,"Ġassisted":18419,"OSS":18420,"ATIONS":18421,"ISH":18422,"Ġpharmaceutical":18423,"icable":18424,"adian":18425,"ĠSonic":18426,"ĠFury":18427,"ĠMong":18428,"AH":18429,"ĠPsychology":18430,"Ġphosph":18431,"Ġtreats":18432,"ŃĶ":18433,"Ġsteadily":18434,"ĠHello":18435,"Ġrelates":18436,"Ġclue":18437,"Expl":18438,"auth":18439,"Ġrevision":18440,"Ġeld":18441,"osion":18442,"Ġbron":18443,"144":18444,"rikes":18445,"Ġmines":18446,"Ġblanket":18447,"ĠFail":18448,"eled":18449,"ĠImagine":18450,"ĠPlanned":18451,"aic":18452,"Request":18453,"Mad":18454,"ĠHorse":18455,"ĠEagle":18456,"Ġcapac":18457,"157":18458,"Ġling":18459,"ĠNice":18460,"ĠParenthood":18461,"minster":18462,"ogs":18463,"ensitive":18464,"Nothing":18465,"Ġcarn":18466,"Fin":18467,"ĠPE":18468,"Ġrifles":18469,"ĠLP":18470,"Sand":18471,"ĠguiActive":18472,"Ġtourist":18473,"CNN":18474,"Ġunveiled":18475,"Ġpredecessor":18476,"}{":18477,"uber":18478,"Ġoffshore":18479,"Ġoptical":18480,"ĠRot":18481,"ĠPearl":18482,"eton":18483,"Ġstared":18484,"Ġfarther":18485,"atility":18486,"contin":18487,"ĠGy":18488,"ĠFoster":18489,"ĠCoc":18490,"rients":18491,"Ġdesigning":18492,"ĠEconomy":18493,"ONG":18494,"Women":18495,"ĠNancy":18496,"erver":18497,"Ġmascul":18498,"Ġcasualties":18499,"Ġ225":18500,"ĠSullivan":18501,"ĠChoice":18502,"Ġaster":18503,"ws":18504,"Ġhotels":18505,"Ġconsiderations":18506,"Ġcouch":18507,"ĠStrip":18508,"ĠGn":18509,"Ġmanipulate":18510,"lied":18511,"Ġsynthetic":18512,"Ġassaulted":18513,"Ġoffenses":18514,"ĠDrake":18515,"Ġimpe":18516,"October":18517,"ĠHeritage":18518,"hl":18519,"ĠBlair":18520,"Unlike":18521,"Ġgrief":18522,"Ġ450":18523,"Ġopted":18524,"Ġresignation":18525,"ilo":18526,"Ġverse":18527,"ĠTomb":18528,"Ġupt":18529,"Ġaired":18530,"ĠHook":18531,"ĠMLB":18532,"Ġassumes":18533,"outed":18534,"ĠVers":18535,"Ġinferior":18536,"Ġbundle":18537,"ĠDNS":18538,"ographer":18539,"Ġmultip":18540,"ĠSouls":18541,"Ġillustrated":18542,"Ġtactic":18543,"Ġdressing":18544,"Ġduo":18545,"Conf":18546,"Ġrelent":18547,"Ġcant":18548,"Ġscarce":18549,"Ġcandy":18550,"ĠCF":18551,"Ġaffiliated":18552,"Ġsprint":18553,"ylan":18554,"ĠGarcia":18555,"Ġjunk":18556,"Print":18557,"exec":18558,"Crit":18559,"Ġportrait":18560,"iries":18561,"ĠOFF":18562,"Ġdisputes":18563,"WR":18564,"Love":18565,"ãģĦ":18566,"ĠReyn":18567,"Ġhipp":18568,"opath":18569,"Ġfloors":18570,"ĠFeel":18571,"Ġworries":18572,"Ġsettlements":18573,"ĠPos":18574,"Ġmosque":18575,"Ġfinals":18576,"Ġcrushed":18577,"ĠProbably":18578,"ĠBot":18579,"ĠMans":18580,"ĠPeriod":18581,"Ġsovereignty":18582,"Ġseller":18583,"Ġapost":18584,"Ġamateur":18585,"Ġdorm":18586,"Ġconsuming":18587,"Ġarmour":18588,"ĠRoose":18589,"Ġintensive":18590,"Ġeliminating":18591,"ĠSunni":18592,"ĠAleppo":18593,"jin":18594,"Ġadvise":18595,"pal":18596,"ĠHalo":18597,"Ġdescent":18598,"Ġsimpler":18599,"Ġbooth":18600,"STR":18601,"Later":18602,"ĠCave":18603,"===":18604,"Ġmol":18605,"Ġfist":18606,"Ġshotgun":18607,"supp":18608,"Ġrobbery":18609,"Effect":18610,"Ġobscure":18611,"ĠProfessional":18612,"Ġembassy":18613,"Ġmilitant":18614,"Ġincarcer":18615,"Ġgenerates":18616,"Ġlaunches":18617,"Ġadministrators":18618,"Ġshaft":18619,"Ġcircular":18620,"Ġfreshman":18621,"ĠWes":18622,"ĠJoel":18623,"ĠDrew":18624,"ĠDuncan":18625,"ĠApparently":18626,"sight":18627,"ĠInternal":18628,"ĠIndividual":18629,"ĠFE":18630,"Ġbore":18631,"ĠMt":18632,"Ġbroadly":18633,"ĠOptions":18634,"ountain":18635,"ipes":18636,"ĠVideos":18637,"204":18638,"Ġhills":18639,"Ġsimulation":18640,"Ġdisappointment":18641,"itan":18642,"ĠLaboratory":18643,"Ġupward":18644,"Ġboundary":18645,"Ġdarker":18646,"hart":18647,"Ġdominance":18648,"Cong":18649,"ĠOracle":18650,"ĠLords":18651,"Ġscholarship":18652,"ĠVincent":18653,"ede":18654,"ĠRah":18655,"Ġencourages":18656,"rov":18657,"Ġquo":18658,"Ġpremise":18659,"ĠCrisis":18660,"ĠHolocaust":18661,"Ġrhythm":18662,"Ġmetric":18663,"club":18664,"Ġtransported":18665,"Ġnod":18666,"ĠPist":18667,"Ġancestors":18668,"ĠFreder":18669,"thumbnails":18670,"ĠCE":18671,"OND":18672,"Phil":18673,"venge":18674,"ĠProducts":18675,"castle":18676,"Ġqualifying":18677,"ĠKaren":18678,"VERTISEMENT":18679,"Ġmighty":18680,"Ġexplanations":18681,"Ġfixing":18682,"Di":18683,"Ġdeclaring":18684,"Ġanonymity":18685,"Ġjuven":18686,"ĠNord":18687,"ĠDoom":18688,"ĠActually":18689,"Ok":18690,"phis":18691,"ĠDesert":18692,"Ġ116":18693,"IK":18694,"ĠFM":18695,"Ġincomes":18696,"VEL":18697,"okers":18698,"Ġpecul":18699,"Ġlightweight":18700,"gue":18701,"Ġaccent":18702,"Ġincrement":18703,"ĠChan":18704,"Ġcomplaining":18705,"ĠBaghd":18706,"Ġmidfielder":18707,"Ġoverhaul":18708,"Process":18709,"ĠHollow":18710,"ĠTitans":18711,"Small":18712,"manuel":18713,"ĠUnity":18714,"ĠEvents":18715,"Sty":18716,"Ġdisproportion":18717,"nesty":18718,"enes":18719,"ĠCod":18720,"Ġdemonstrations":18721,"ĠCrimson":18722,"ĠOH":18723,"Ġenrolled":18724,"Ġcel":18725,"ĠBrett":18726,"Ġaide":18727,"Ġheels":18728,"Ġbroadband":18729,"Ġmarking":18730,"Ġwizard":18731,"ĠNJ":18732,"ĠChiefs":18733,"Ġingredient":18734,"Ġdug":18735,"ĠShut":18736,"urchase":18737,"endor":18738,"Ġfarmer":18739,"ĠGoldman":18740,"129":18741,"155":18742,"Order":18743,"Ġlion":18744,"iably":18745,"Ġstain":18746,"array":18747,"ilitary":18748,"ĠFAQ":18749,"Ġexploded":18750,"ĠMcCarthy":18751,"ĠTweet":18752,"ĠGreens":18753,"eking":18754,"ln":18755,"ensen":18756,"Ġmotorcycle":18757,"Ġparticle":18758,"Ġcholesterol":18759,"Bron":18760,"Ġstair":18761,"Ġoxid":18762,"Ġdesirable":18763,"ibles":18764,"Ġtheor":18765,"forcing":18766,"Ġpromotional":18767,"ovo":18768,"boot":18769,"ĠBonus":18770,"rawling":18771,"Ġshortage":18772,"ĠPsy":18773,"Ġrecruited":18774,"Ġinfants":18775,"Ġtestosterone":18776,"Ġdeduct":18777,"Ġdistinctive":18778,"Ġfirmware":18779,"built":18780,"145":18781,"Ġexplored":18782,"Ġfactions":18783,"Ġvide":18784,"Ġtattoo":18785,"Ġfinancially":18786,"Ġfatigue":18787,"Ġproceeding":18788,"constitutional":18789,"Ġmiser":18790,"Ġchairs":18791,"gging":18792,"ipple":18793,"Ġdent":18794,"Ġdisreg":18795,"çĶ":18796,"stant":18797,"llo":18798,"bps":18799,"akening":18800,"Ġabnormal":18801,"ĠERA":18802,"士":18803,"ĠHBO":18804,"ĠMAR":18805,"Ġconcess":18806,"Ġservant":18807,"Ġaspir":18808,"lav":18809,"ĠPanel":18810,"amo":18811,"Ġprecip":18812,"Ġrecordings":18813,"Ġproceeded":18814,"Ġcolony":18815,"ĠTang":18816,"ablo":18817,"Ġstripped":18818,"Left":18819,"too":18820,"Ġpotatoes":18821,"Ġfinest":18822,"%).":18823,"Ġcrap":18824,"ĠZach":18825,"abases":18826,"ĠGoth":18827,"Ġbillionaire":18828,"wolf":18829,"Ġsanction":18830,"SK":18831,"Ġlogged":18832,"Po":18833,"eyed":18834,"unal":18835,"Ġcricket":18836,"Ġarmies":18837,"Ġuncovered":18838,"Cloud":18839,"ón":18840,"Ġrebounds":18841,"Ġmes":18842,"Oper":18843,"Pac":18844,"Ġnationally":18845,"Ġinserted":18846,"pict":18847,"Ġgovernance":18848,"и":18849,"Ġprivileges":18850,"GET":18851,"Ġfavorites":18852,"imity":18853,"Ġlover":18854,"them":18855,"empl":18856,"Ġgorgeous":18857,"Ann":18858,"Ġslipped":18859,"Ġveto":18860,"Bob":18861,"Ġslim":18862,"ucc":18863,"ĠFame":18864,"uddenly":18865,"Ġdenies":18866,"ĠMaur":18867,"Ġdistances":18868,"Ġwanna":18869,"tar":18870,"ĠSER":18871,"ĠâĪ":18872,"Ġlemon":18873,"athetic":18874,"Ġliteral":18875,"Ġdistinguished":18876,"Ġanswering":18877,"GI":18878,"Ġreligions":18879,"ĠPhilos":18880,"ĠLay":18881,"Ġcompos":18882,"irements":18883,"ĠKos":18884,"inez":18885,"rolling":18886,"Ġyoungest":18887,"andise":18888,"ĠBorn":18889,"Ġaltar":18890,"amina":18891,"ĠBoot":18892,"voc":18893,"Ġdigging":18894,"Ġpressures":18895,"Ġlen":18896,"264":18897,"Ġassassination":18898,"ĠBirmingham":18899,"ĠMyth":18900,"Ġsovereign":18901,"ĠArtist":18902,"ĠPhotograph":18903,"Ġdepicted":18904,"Ġdispens":18905,"orthy":18906,"Ġambul":18907,"integ":18908,"ĠCele":18909,"ĠTibet":18910,"Ġhierarchy":18911,"Ġcu":18912,"Ġpreseason":18913,"ĠPeterson":18914,"Ġcolours":18915,"Ġworrying":18916,"Ġbackers":18917,"ĠPalmer":18918,"Ġμ":18919,"Ġcontributor":18920,"Ġhearings":18921,"Ġurine":18922,"ĠÙ":18923,"ourgeois":18924,"Similar":18925,"ĠZimmer":18926,"something":18927,"ĠUSC":18928,"Ġstrengths":18929,"ĠFI":18930,"Ġlogging":18931,"Asked":18932,"ĠThai":18933,"inqu":18934,"ĠWalt":18935,"Ġcrews":18936,"itism":18937,"301":18938,"Ġsharply":18939,"umed":18940,"Ġredirect":18941,"rators":18942,"Inf":18943,"ĠWeapons":18944,"Ġteasp":18945,"1999":18946,"Live":18947,"ĠEspecially":18948,"ĠSter":18949,"ĠVeterans":18950,"Ġintro":18951,"otherapy":18952,"Ġmalware":18953,"Ġbreeding":18954,"Ġmolecular":18955,"ĠRoute":18956,"ĠComment":18957,"ochem":18958,"Ġain":18959,"Season":18960,"Ġlinebacker":18961,"Ä«":18962,"ĠEconomics":18963,"esar":18964,"ĠLives":18965,"ĠEmma":18966,"Ġkin":18967,"ĠTerrit":18968,"Ġplanted":18969,"oton":18970,"ĠButter":18971,"ĠSpons":18972,"PER":18973,"Ġdungeon":18974,"Ġsymbolic":18975,"Ġfilmed":18976,"Ġdiets":18977,"Ġconcludes":18978,"Ġcertainty":18979,"ĠFormat":18980,"Ġstrangers":18981,"format":18982,"ĠPhase":18983,"Ġcopied":18984,"Ġmetres":18985,"lda":18986,"ĠUsers":18987,"Ġdeliberate":18988,"Ġwashed":18989,"ĠLance":18990,"imation":18991,"Ġimproper":18992,"ĠGenesis":18993,"ickr":18994,"ĠKush":18995,"Ġrealise":18996,"Ġembarrassing":18997,"alking":18998,"bucks":18999,"Ġverified":19000,"Ġoutline":19001,"years":19002,"ĠIncome":19003,"202":19004,"Ġzombies":19005,"Final":19006,"ĠMillenn":19007,"Ġmodifications":19008,"ĠVision":19009,"ĠMoses":19010,"verb":19011,"iterranean":19012,"ĠJet":19013,"Ġnaval":19014,"ĠAgg":19015,"Ġurl":19016,"Ġvictories":19017,"Ġnonetheless":19018,"Ġinjust":19019,"ĠFact":19020,"çļ":19021,"Ġinsufficient":19022,"review":19023,"facebook":19024,"Ġnegotiating":19025,"Ġguarantees":19026,"imen":19027,"utenberg":19028,"Ġgambling":19029,"Ġcongr":19030,"Loading":19031,"Ġnevertheless":19032,"Ġpresidents":19033,"ĠIndustrial":19034,"Ġ118":19035,"Ġpoured":19036,"ĠTory":19037,"Ġ175":19038,"Ġ:=":19039,"Scott":19040,"angered":19041,"Tok":19042,"Ġorganizers":19043,"Mat":19044,"ĠGrowth":19045,"Ġadul":19046,"Ġensures":19047,"Ġ117":19048,"é¾įå":19049,"Ġmassacre":19050,"Ġgrades":19051,"before":19052,"ADVERTISEMENT":19053,"ĠSlow":19054,"ĠMMA":19055,"âĢĶ\"":19056,"ĠVatican":19057,"Qaeda":19058,"Ġowe":19059,"6666":19060,"ĠSorry":19061,"ĠGrass":19062,"Ġbackgrounds":19063,"Ġexhausted":19064,"Ġclan":19065,"Ġcompromised":19066,"ĠElf":19067,"ĠIsaac":19068,"enson":19069,"Invest":19070,"IFA":19071,"Ġinterrupted":19072,"ãĥīãĥ©":19073,"Ġtwisted":19074,"ĠDragons":19075,"Mode":19076,"ĠKremlin":19077,"Ġfertil":19078,"heres":19079,"phan":19080,"ĠNode":19081,"fed":19082,"ĠOrc":19083,"Ġunwilling":19084,"Cent":19085,"Ġpriorit":19086,"Ġgraduates":19087,"Ġsubjective":19088,"Ġissuing":19089,"ĠLt":19090,"Ġviewer":19091,"Ġwoke":19092,"Thus":19093,"brook":19094,"Ġdepressed":19095,"Ġbracket":19096,"ĠGor":19097,"ĠFighting":19098,"Ġstriker":19099,"Report":19100,"ĠPortugal":19101,"Ġneo":19102,"wed":19103,"199":19104,"Ġfleeing":19105,"shadow":19106,"identified":19107,"USE":19108,"Steam":19109,"Ġstretched":19110,"Ġrevelations":19111,"arted":19112,"ĠDw":19113,"Ġalignment":19114,"eston":19115,"ĠJared":19116,"Sep":19117,"Ġblogs":19118,"update":19119,"gom":19120,"risk":19121,"Ġclash":19122,"ĠHour":19123,"Ġruntime":19124,"Ġunwanted":19125,"Ġscam":19126,"Ġrack":19127,"Ġenlight":19128,"onest":19129,"ĠFerr":19130,"Ġconvictions":19131,"Ġpiano":19132,"Ġcirculation":19133,"ĠWelcome":19134,"Ġbacklash":19135,"ĠWade":19136,"Ġreceivers":19137,"otive":19138,"Jeff":19139,"Ġnetworking":19140,"ĠPrep":19141,"ĠExplorer":19142,"Ġlecture":19143,"Ġuploaded":19144,"ĠMeat":19145,"BLE":19146,"ĠNazis":19147,"ĠSynd":19148,"stud":19149,"roots":19150,"rians":19151,"Ġportrayed":19152,"Ġ??":19153,"ĠBuddha":19154,"sun":19155,"Robert":19156,"ĠComplex":19157,"Ġoversee":19158,"Ġstealth":19159,"Title":19160,"ĠJobs":19161,"ĠKum":19162,"Ġappreciation":19163,"ĠMOD":19164,"Ġbasics":19165,"Ġclips":19166,"Ġnursing":19167,"Ġproposition":19168,"Ġrealised":19169,"ĠNYC":19170,"Ġallocated":19171,"rium":19172,"aran":19173,"ĠProduction":19174,"ĠVote":19175,"Ġsmugg":19176,"Ġhunter":19177,"azer":19178,"ĠChanges":19179,"Ġfluct":19180,"yon":19181,"Array":19182,"Ġkits":19183,"Water":19184,"Ġuncommon":19185,"Ġresting":19186,"ells":19187,"would":19188,"Ġpursued":19189,"Ġassertion":19190,"ometown":19191,"ĠMosul":19192,"ĠPlatform":19193,"iolet":19194,"Ġshareholders":19195,"Ġtrails":19196,"Pay":19197,"ĠEnforcement":19198,"types":19199,"ĠAnonymous":19200,"Ġsatisfying":19201,"ilogy":19202,"Ġ('":19203,"wave":19204,"city":19205,"Steve":19206,"Ġconfrontation":19207,"ĠEld":19208,"Capt":19209,"ahan":19210,"htm":19211,"ĠCtrl":19212,"ONS":19213,"230":19214,"ifa":19215,"holding":19216,"Ġdelicate":19217,"Ġjaw":19218,"ĠGoing":19219,"orum":19220,"Sal":19221,"Ġdull":19222,"ĠBeth":19223,"Ġprisons":19224,"Ġego":19225,"ĠElsa":19226,"avorite":19227,"ĠGang":19228,"ĠNuclear":19229,"Ġspider":19230,"atsu":19231,"Ġsampling":19232,"Ġabsorbed":19233,"ĠPharm":19234,"ieth":19235,"Ġbucket":19236,"ĠRecomm":19237,"OF":19238,"ĠFactory":19239,"ANCE":19240,"Ġbacter":19241,"Has":19242,"ĠObserv":19243,"121":19244,"Ġpremiere":19245,"Develop":19246,"Ġcurrencies":19247,"Cast":19248,"Ġaccompanying":19249,"ĠNashville":19250,"Ġfatty":19251,"ĠBrend":19252,"Ġlocks":19253,"Ġcentered":19254,"ĠUT":19255,"aughs":19256,"orie":19257,"ĠAffordable":19258,"vance":19259,"DL":19260,"emet":19261,"Ġthrone":19262,"ĠBluetooth":19263,"Ġnaming":19264,"ifts":19265,"ADE":19266,"Ġcorrected":19267,"Ġpromptly":19268,"ĠSTR":19269,"Ġgenome":19270,"Ġcope":19271,"Ġvalley":19272,"Ġrounded":19273,"ĠKend":19274,"alion":19275,"pers":19276,"Ġtourism":19277,"Ġstark":19278,"vl":19279,"Ġblowing":19280,"ĠSchedule":19281,"std":19282,"Ġunhappy":19283,"Ġlitigation":19284,"cedes":19285,"Ġandroid":19286,"Ġintegral":19287,"erers":19288,"uded":19289,"tax":19290,"Ġreiter":19291,"ĠMotors":19292,"ociated":19293,"Ġwonders":19294,"ĠApost":19295,"ucking":19296,"ĠRoosevelt":19297,"fram":19298,"Ġyields":19299,"Ġconstitutes":19300,"awk":19301,"Interest":19302,"Ġinterim":19303,"Ġbreakthrough":19304,"ĠCher":19305,"Ġprosec":19306,"ĠDj":19307,"ĠMT":19308,"Resp":19309,"ĠPT":19310,"Ġsperm":19311,"edit":19312,"BT":19313,"Linux":19314,"country":19315,"league":19316,"Ġdick":19317,"Ġoct":19318,"Ġinserting":19319,"Ġscra":19320,"ĠBrewing":19321,"Ġ1966":19322,"Ġrunners":19323,"Ġplun":19324,"idy":19325,"ĠDian":19326,"Ġdysfunction":19327,"Ġexclusion":19328,"Ġdisgr":19329,"Ġincorporate":19330,"Ġreconc":19331,"Ġnominated":19332,"ĠArcher":19333,"draw":19334,"achelor":19335,"Ġwritings":19336,"Ġshallow":19337,"Ġhast":19338,"ĠBMW":19339,"ĠRS":19340,"Ġthigh":19341,"Ġ1963":19342,"Ġlamb":19343,"Ġfavored":19344,"agle":19345,"Ġcooler":19346,"ĠHours":19347,"ĠGU":19348,"ĠOrigin":19349,"Ġglimpse":19350,"--------------------":19351,"Lim":19352,"Ġcheek":19353,"Ġjealous":19354,"-'":19355,"Ġharness":19356,"ĠPoison":19357,"Ġdisabilities":19358,"neapolis":19359,"Ġoutlook":19360,"Ġnotify":19361,"ĠIndianapolis":19362,"Ġabrupt":19363,"nsic":19364,"Ġencrypted":19365,"Ġforfe":19366,"reath":19367,"Ġrabb":19368,"Ġfoundations":19369,"Ġcompliment":19370,"ĠInterview":19371,"ĠSwe":19372,"Ġadolesc":19373,"Ġmonitors":19374,"ĠSacramento":19375,"Ġtimely":19376,"Ġcontempl":19377,"Ġpositioned":19378,"Ġposters":19379,"phies":19380,"iovascular":19381,"void":19382,"ĠFifth":19383,"Ġinvestigative":19384,"OUN":19385,"Ġintegrate":19386,"ĠINC":19387,"isha":19388,"iblings":19389,"ĠRequest":19390,"ĠRodriguez":19391,"Ġslides":19392,"ĠDX":19393,"Ġfeminism":19394,"Ġdatas":19395,"Ġbend":19396,"irus":19397,"ĠNigeria":19398,"Fox":19399,"Change":19400,"Ġairplane":19401,"ĠLaden":19402,"Ġpublicity":19403,"ixty":19404,"Ġcommitments":19405,"Ġaggregate":19406,"Ġdisplaying":19407,"ĠArrow":19408,"Ġ122":19409,"Ġrespects":19410,"android":19411,"six":19412,"ĠSha":19413,"Ġrestoration":19414,")\\":19415,"WS":19416,"oys":19417,"Ġillustrate":19418,"without":19419,"126":19420,"ĠâĶĤ":19421,"Ġpickup":19422,"nels":19423,"Ġ....":19424,"food":19425,"ĠFen":19426,")?":19427,"Ġphenomena":19428,"Ġcompanions":19429,"ĠWrite":19430,"Ġspill":19431,"Ġbridges":19432,"ĠUpdated":19433,"ĠFo":19434,"Ġinsects":19435,"ASHINGTON":19436,"Ġscare":19437,"iltr":19438,"ĠZhang":19439,"Ġseverity":19440,"Ġindul":19441,"149":19442,"ĠCoffee":19443,"Ġnorms":19444,"Ġpulse":19445,"ĠFT":19446,"Ġhorrific":19447,"ĠDestroy":19448,"ĠJSON":19449,"Ġolive":19450,"Ġdiscusses":19451,"Rest":19452,"Elect":19453,"ĠWinn":19454,"ĠSurviv":19455,"ĠHait":19456,"Sure":19457,"oped":19458,"Ġrooted":19459,"ĠSke":19460,"ĠBronze":19461,"Ġlol":19462,"Default":19463,"Ġcommodity":19464,"redited":19465,"Ġlibertarian":19466,"Ġforbidden":19467,"Ġgran":19468,"à¨":19469,"Ġlag":19470,"enz":19471,"drive":19472,"Ġmathematics":19473,"Ġwires":19474,"Ġcritically":19475,"Ġcarbohyd":19476,"ĠChancellor":19477,"ĠEddie":19478,"Ġbanning":19479,"ĠFri":19480,"Ġcomplications":19481,"etric":19482,"ĠBangladesh":19483,"Ġbandwidth":19484,"Stop":19485,"ĠOriginally":19486,"Ġhalfway":19487,"ynasty":19488,"shine":19489,"Ġtales":19490,"rities":19491,"avier":19492,"Ġspinning":19493,"ĠWHO":19494,"Ġneighbourhood":19495,"bach":19496,"Ġcommerce":19497,"ĠSle":19498,"BU":19499,"Ġentrepreneur":19500,"Ġpeculiar":19501,"ĠComments":19502,"fre":19503,"320":19504,"ICS":19505,"Ġimagery":19506,"ĠCanon":19507,"ĠElectronic":19508,"short":19509,"((":19510,"Dig":19511,"Ġcommem":19512,"uced":19513,"Ġinclined":19514,"ĠSummon":19515,"Ġcliff":19516,"ĠMediterranean":19517,"Ġpoetry":19518,"Ġprosperity":19519,"ĠRece":19520,"Ġpills":19521,"member":19522,"Ġfinale":19523,"unc":19524,"ĠGig":19525,"ä½":19526,"Ġlod":19527,"Ġbackward":19528,"-+":19529,"ĠForward":19530,"Ġthri":19531,"sure":19532,"Ġsoap":19533,"ĠFX":19534,"RES":19535,"ĠSexual":19536,"oulos":19537,"Ġfoolish":19538,"Ġrighteous":19539,"Ġcoff":19540,"terrorism":19541,"ustain":19542,"oter":19543,"Ġabuses":19544,"next":19545,"Ġabusive":19546,"Ġthereafter":19547,"Ġprohibition":19548,"ĠSUP":19549,"Ġdip":19550,"Ġripped":19551,"Ġinherited":19552,"Ġbats":19553,"stru":19554,"GT":19555,"Ġflawed":19556,"phabet":19557,"Ġfog":19558,"doors":19559,"Ġimaging":19560,"Ġdigits":19561,"ĠHungary":19562,"Ġarrog":19563,"Ġteachings":19564,"Ġprotocols":19565,"ĠBanks":19566,"à¸":19567,"pound":19568,"ĠCurt":19569,".\")":19570,"./":19571,"Ġexemption":19572,"endix":19573,"ĠMull":19574,"Ġimproves":19575,"ĠGamer":19576,"dimensional":19577,"Icon":19578,"ĠMargaret":19579,"Status":19580,"dates":19581,"Ġintends":19582,"Ġdepict":19583,"Ġparked":19584,"Joe":19585,"ĠMarines":19586,"chnology":19587,"!).":19588,"Ġjudged":19589,"Ġweights":19590,"Ray":19591,"Ġapartments":19592,"hester":19593,"Ġreinforce":19594,"Ġoffender":19595,"occup":19596,"Ġsore":19597,"ept":19598,"ĠPHP":19599,"ĠBrow":19600,"Ġauthorization":19601,"ĠRisk":19602,"ĠDelaware":19603,"ĠQU":19604,"Ġnotifications":19605,"Ġsunlight":19606,"Ġexclude":19607,"dat":19608,"Ġmesh":19609,"ĠSudan":19610,"Ġbelonged":19611,"Ġsubway":19612,"Ġnoon":19613,"ĠInterior":19614,"olics":19615,"ĠLakers":19616,"Ġcoding":19617,"Disclaimer":19618,"Calif":19619,"Old":19620,"Ġdisl":19621,"?????":19622,"Ġconfirms":19623,"Ġrecruitment":19624,"Ġhomicide":19625,"Consider":19626,"ĠJeffrey":19627,"fty":19628,"};":19629,"Ġobjection":19630,"doing":19631,"ĠLeo":19632,"Want":19633,"Ġglow":19634,"ĠClarke":19635,"ĠNorman":19636,"Ġverification":19637,"Ġpacket":19638,"ĠFormula":19639,"Ġplag":19640,"esville":19641,"Ġshouting":19642,"Ġov":19643,"ĠREC":19644,"ĠBub":19645,"Ġninth":19646,"Ġenerg":19647,"Ġvalidity":19648,"Ġups":19649,"jack":19650,"Ġneighboring":19651,"ĠNec":19652,"eworks":19653,"ĠHab":19654,"arez":19655,"Ġspine":19656,"Ġeventual":19657,"ĠLeaders":19658,"ĠCarn":19659,"Ġprobation":19660,"Ġromance":19661,"msg":19662,"ĠMechanical":19663,"ERY":19664,"Rock":19665,"Ġpartisan":19666,"Node":19667,"assets":19668,"minent":19669,"Ġforeigners":19670,"Ġtestify":19671,"ĠUsually":19672,"lords":19673,"ĠGren":19674,"ĠPowell":19675,"BIL":19676,"Ġsr":19677,"Ġaddict":19678,"Ġshells":19679,"Ġsigh":19680,"ĠYale":19681,"ternity":19682,"Ġ750":19683,"EU":19684,"ĠRifle":19685,"Ġpatron":19686,"ema":19687,"ĠBannon":19688,"anity":19689,"Ġtropical":19690,"ĠVII":19691,"cross":19692,"Everything":19693,"ĠISO":19694,"Ġhumble":19695,"assing":19696,"ĠFIG":19697,"Ġupdating":19698,"yson":19699,"Ġcalcium":19700,"Ġcompetent":19701,"Ġsteering":19702,"Prot":19703,"ĠSY":19704,"ĠFinals":19705,"ĠRug":19706,"159":19707,"137":19708,"ĠGolf":19709,"Ġ126":19710,"Ġaccommodation":19711,"ĠHughes":19712,"Ġaesthetic":19713,"artisan":19714,"ĠTwilight":19715,"Ġprince":19716,"ĠAgriculture":19717,"ĠDisco":19718,"Ġprecedent":19719,"Ġtyping":19720,"authorized":19721,"Option":19722,"ĠAub":19723,"lishes":19724,"acht":19725,"mag":19726,"Peter":19727,"ĠUFO":19728,"monton":19729,"ĠLith":19730,"Ġarom":19731,"Ġsecuring":19732,"Ġconfined":19733,"private":19734,"Ġswords":19735,"Ġmarkers":19736,"Ġmetabolic":19737,"select":19738,"ĠCurse":19739,"ĠOt":19740,"gressive":19741,"Ġincumb":19742,"ĠSaga":19743,"Ġpriced":19744,"Ġclearance":19745,"Content":19746,"Ġdrilling":19747,"Ġnotices":19748,"Ġbourgeois":19749,"Ġvest":19750,"Ġcookie":19751,"ĠGuardians":19752,"rys":19753,"inyl":19754,"Ġ124":19755,"Ġplausible":19756,"ongh":19757,"ĠOdin":19758,"Ġconception":19759,"ĠYuk":19760,"ĠBaghdad":19761,"ĠFlag":19762,"Austral":19763,"ĠIBM":19764,"Ġinternationally":19765,"ĠWikiLeaks":19766,"IED":19767,"Ġcyn":19768,"Ġchooses":19769,"ĠPill":19770,"Ġcombining":19771,"Ġradi":19772,"ĠMohammed":19773,"defense":19774,"atching":19775,"Subject":19776,"iciency":19777,"Frame":19778,"Ġ{\"":19779,"Ġchess":19780,"Ġtimer":19781,"190":19782,"Ġtin":19783,"Ġordinance":19784,"emetery":19785,"Ġaccusing":19786,"Ġnoticeable":19787,"Ġcentres":19788,"Ġlid":19789,"ĠMills":19790,"imgur":19791,"Ġzoom":19792,"ergic":19793,"Ġcompression":19794,"prim":19795,"find":19796,"Ġsurg":19797,"Ġpand":19798,"ĠKee":19799,"ĠChad":19800,"cellence":19801,"oyle":19802,"Ġsocialism":19803,"ĠTravis":19804,"ĠMHz":19805,"Ġguild":19806,"ALLY":19807,"ĠSubscribe":19808,"ĠRelated":19809,"Ġoccurrence":19810,"itching":19811,"Ġfictional":19812,"Ġcrush":19813,"ĠEA":19814,"cod":19815,"mix":19816,"ĠTriple":19817,"Ġretrieve":19818,"Ġstimulus":19819,"Ġpsychiat":19820,"ĠDoor":19821,"Ġhomosexuality":19822,"Ġelementary":19823,"Ġcellular":19824,"idian":19825,"ĠLaun":19826,"Ġintriguing":19827,"Ġfoam":19828,"ĠBass":19829,"idi":19830,"itsu":19831,"Ġassure":19832,"Ġcongrat":19833,"Ġbusinessman":19834,"ĠBoost":19835,"close":19836,"Ġlied":19837,"Ġsciences":19838,"ĠOmega":19839,"ĠGraphics":19840,"Ġ<=":19841,"spoken":19842,"Ġconnectivity":19843,"Saturday":19844,"ĠAvengers":19845,"Ġtoggle":19846,"Ġankle":19847,"Ġnationalist":19848,"model":19849,"ĠPool":19850,"ophobia":19851,"Var":19852,"ĠMons":19853,"atories":19854,"Ġaggressively":19855,"Clear":19856,"Forge":19857,"acters":19858,"Ġhedge":19859,"Ġpipes":19860,"Ġblunt":19861,"Ġsq":19862,"Ġremotely":19863,"Wed":19864,"asers":19865,"Ġrefriger":19866,"Ġtiles":19867,"Ġrescued":19868,"Ġcomprised":19869,"insky":19870,"Ġmanif":19871,"avanaugh":19872,"Ġprolifer":19873,"Ġaligned":19874,"xml":19875,"Ġtriv":19876,"Ġcoordination":19877,"ĠPER":19878,"ĠQuote":19879,"134":19880,"bf":19881,"ĠSaw":19882,"Ġtermination":19883,"Ġ190":19884,"Ġadditions":19885,"Ġtrio":19886,"Ġprojections":19887,"Ġpositively":19888,"Ġinclusive":19889,"Ġmembr":19890,"1990":19891,"older":19892,"Ġpracticed":19893,"inkle":19894,"Arch":19895,"Ġstarters":19896,"arius":19897,"Ġintermediate":19898,"ĠBenef":19899,"ĠKiller":19900,"Ġinterventions":19901,"ĠKil":19902,"ĠFlying":19903,"Inv":19904,"Ġpremature":19905,"Ġpsychiatric":19906,"Ġindie":19907,"Ġcollar":19908,"ĠRainbow":19909,"afi":19910,"Ġdisruption":19911,"ĠFOX":19912,"casting":19913,"Ġmisdem":19914,"cro":19915,"Ġwipe":19916,"ardon":19917,"Ġbast":19918,"ĠTommy":19919,"ĠRepresentative":19920,"Ġbelly":19921,"ĠPO":19922,"ĠBreitbart":19923,"132":19924,"Ġmessaging":19925,"Should":19926,"References":19927,"ĠGRE":19928,"istical":19929,"LP":19930,"ĠCav":19931,"ĠCrazy":19932,"Ġintuitive":19933,"keeping":19934,"ĠMoss":19935,"Ġdiscontin":19936,"ĠModule":19937,"Ġunrelated":19938,"ĠPractice":19939,"ĠTransport":19940,"Ġstatistically":19941,"orns":19942,"Ġsized":19943,"pu":19944,"Ġcaf":19945,"ĠWorlds":19946,"ĠRodgers":19947,"ĠLun":19948,"ĠComic":19949,"living":19950,"Ġcared":19951,"Ġclimbed":19952,"){":19953,"Ġconsisted":19954,"Ġmedieval":19955,"folk":19956,"Ġhacked":19957,"Ġdire":19958,"ĠHermione":19959,"Ġtended":19960,"ceans":19961,"Daniel":19962,"went":19963,"Ġlegislators":19964,"Ġredes":19965,"games":19966,"Ġgn":19967,"amiliar":19968,"Ġ++":19969,"ggy":19970,"threat":19971,"Ġmagnet":19972,"Ġperceive":19973,"Ġzip":19974,"Ġindictment":19975,"Ġcritique":19976,"gard":19977,"ĠSafe":19978,"ĠCream":19979,"Ġadvent":19980,"oba":19981,"Ġvowed":19982,"ousands":19983,"Ġski":19984,"Ġabortions":19985,"uart":19986,"Ġstunned":19987,"Ġadvancing":19988,"Ġlacked":19989,"Ġ\\\"":19990,"Ġschizophren":19991,"Ġelegant":19992,"Ġconferences":19993,"Ġcanceled":19994,"ĠHudson":19995,"ĠHopefully":19996,"Ġtrump":19997,"Ġfrequencies":19998,"Ġmeteor":19999,"ĠJunior":20000,"ĠFleet":20001,"ĠMalcolm":20002,"ĠTools":20003,"Ġ........":20004,"Ġhobby":20005,"ĠEuropeans":20006,"Ġ1500":20007,"ĠInto":20008,"Ġsway":20009,"ĠAppro":20010,"ĠCompl":20011,"Community":20012,"Ġtide":20013,"ĠSummit":20014,"ä»":20015,"Ġintervals":20016,"ĠEther":20017,"Ġhabitat":20018,"ĠStevens":20019,"lishing":20020,"ĠDomain":20021,"Ġtriggers":20022,"Ġchasing":20023,"Ġcharm":20024,"ĠFlower":20025,"itored":20026,"Ġblessing":20027,"Ġtextures":20028,"Five":20029,"Ġliquor":20030,"RP":20031,"FIN":20032,"Ġ1962":20033,"CAR":20034,"Unknown":20035,"Ġresil":20036,"ĠLily":20037,"Ġabundance":20038,"Ġpredictable":20039,"rar":20040,"Ġbullshit":20041,"leen":20042,"chet":20043,"Mor":20044,"Much":20045,"ä¹":20046,"Ġemphasized":20047,"Ġcrust":20048,"Ġprimitive":20049,"Ġenjoyable":20050,"ĠPictures":20051,"Ġteammate":20052,"pler":20053,"ĠTol":20054,"ĠKane":20055,"Ġsummoned":20056,"thy":20057,"rama":20058,"ĠHonda":20059,"Ġrealizing":20060,"Ġquicker":20061,"Ġconcentrate":20062,"clear":20063,"Ġ210":20064,"ĠErdogan":20065,"aris":20066,"Ġresponds":20067,"ĠBI":20068,"Ġeligibility":20069,"Ġpushes":20070,"ĠIdaho":20071,"Ġaggrav":20072,"Ġruins":20073,"urations":20074,"Ġbans":20075,"Ġanat":20076,"share":20077,"Ġgrind":20078,"hin":20079,"umen":20080,"Ġutilities":20081,"ĠYankees":20082,"Ġdatabases":20083,"ĠDD":20084,"Ġdisplaced":20085,"Ġdependencies":20086,"Ġstimulation":20087,"hun":20088,"houses":20089,"ĠPretty":20090,"ĠRavens":20091,"ĠTODAY":20092,"Ġassociates":20093,"Ġtherape":20094,"cled":20095,"Ġdeer":20096,"Ġrepairs":20097,"rentice":20098,"Ġreceptors":20099,"Ġremed":20100,"ĠCe":20101,"Ġmarriages":20102,"Ġballots":20103,"ĠSoldier":20104,"Ġhilarious":20105,"opl":20106,"138":20107,"Ġinherently":20108,"Ġignorant":20109,"Ġbounce":20110,"ĠEaster":20111,"RELATED":20112,"ĠCurrency":20113,"EV":20114,"ãĥŀ":20115,"ĠLead":20116,"Ġdeceased":20117,"Brien":20118,"ĠMusk":20119,"JS":20120,"Ġmerge":20121,"hearted":20122,"creat":20123,"mitt":20124,"mund":20125,"ĠâĢĭ":20126,"ĠBag":20127,"Ġprojection":20128,"Ġjava":20129,"ĠStandards":20130,"ĠLeonard":20131,"Ġcoconut":20132,"ĠPopulation":20133,"Ġtraject":20134,"Ġimply":20135,"Ġcuriosity":20136,"ĠDB":20137,"ĠFresh":20138,"ĠPor":20139,"Ġheavier":20140,"neys":20141,"gomery":20142,"Ġdeserved":20143,"Ġphrases":20144,"ĠGC":20145,"Ġyeast":20146,"desc":20147,"Death":20148,"Ġreboot":20149,"Ġmetadata":20150,"ICAL":20151,"Ġrepay":20152,"ĠIndependence":20153,"Ġsuburban":20154,"icals":20155,"Ġatop":20156,"Ġallocation":20157,"generation":20158,"ĠGram":20159,"Ġmoisture":20160,"Ġpine":20161,"ĠLiberals":20162,"Ġaides":20163,"Ġunderest":20164,"ĠBerry":20165,"Ġceremon":20166,"370":20167,"astrous":20168,"ĠPirates":20169,"Ġtense":20170,"ĠIndustries":20171,"ĠAppeals":20172,"ĠNear":20173,"Ġè£ıç":20174,"Ġlovers":20175,"ĠCAP":20176,"ĠCraw":20177,"Ġgiants":20178,"Ġefficacy":20179,"Element":20180,"ĠBehavior":20181,"ĠToyota":20182,"Ġintest":20183,"Priv":20184,"AI":20185,"Ġmaneuver":20186,"Ġperfection":20187,"Ġbang":20188,"paper":20189,"rill":20190,"George":20191,"border":20192,"inters":20193,"ĠSeth":20194,"Ġclues":20195,"ĠLevi":20196,"ĠRevenue":20197,"147":20198,"Ġvapor":20199,"Ġfortunate":20200,"Ġthreatens":20201,"Ġvet":20202,"Ġdependency":20203,"ersed":20204,"article":20205,"ĠBlizzard":20206,"Ġchlor":20207,"Ġminus":20208,"ĠBills":20209,"Ġcryptocurrency":20210,"Ġmetabolism":20211,"tering":20212,"Ġpestic":20213,"steps":20214,"ĠTreasure":20215,"racted":20216,"ĠConstant":20217,"Ġtemp":20218,"139":20219,"ĠDetective":20220,"urally":20221,"Ġrecovering":20222,"Ġcortex":20223,"Ġ144":20224,"closed":20225,"Ġprejudice":20226,"aunted":20227,"Ġstorms":20228,"ĠNOW":20229,"Ġmachinery":20230,"Address":20231,"Ġcompelled":20232,"270":20233,"Ġdespair":20234,"bane":20235,"Ġvegetable":20236,"Ġbeds":20237,"Learn":20238,"Ġcolorful":20239,"Ġspike":20240,"Ġmargins":20241,"Ġsympathy":20242,"Ġworkshop":20243,"ĠCBC":20244,"Sat":20245,"Ġburns":20246,"ĠGender":20247,"Ġ129":20248,"ĠCable":20249,"Ġdebts":20250,"ĠTheresa":20251,"Ġreflecting":20252,"Ġairst":20253,"Ġrim":20254,"ramid":20255,"Ġweaknesses":20256,"Writ":20257,"oggle":20258,"ti":20259,"ĠCharge":20260,"Ġweighed":20261,"Ġ(.":20262,"Ġlaughter":20263,"Ġrouter":20264,"ĠDemocracy":20265,"Dear":20266,"Ġhasht":20267,"Ġdy":20268,"Ġhints":20269,"running":20270,"Ġfinishes":20271,"arus":20272,"Mass":20273,"result":20274,"ascus":20275,"Ġvintage":20276,"Ġconqu":20277,"Ġwildly":20278,"acist":20279,"Ġlingu":20280,"Ġprotagonist":20281,"strom":20282,"teenth":20283,"ĠSolo":20284,"mac":20285,"filled":20286,"Ġrenown":20287,"itives":20288,"Ġmotive":20289,"ĠAntar":20290,"ĠMann":20291,"ĠAdjust":20292,"Ġrockets":20293,"Ġtroubling":20294,"ei":20295,"Ġorganisms":20296,"assis":20297,"Christian":20298,"Ġ145":20299,"ĠHass":20300,"Ġswall":20301,"Ġwax":20302,"ĠSurvival":20303,"VS":20304,"ĠMurd":20305,"vd":20306,"standard":20307,"Ġdragons":20308,"Ġacceleration":20309,"rational":20310,"final":20311,"Ġpaired":20312,"ĠEthereum":20313,"Ġinterfaces":20314,"Ġresent":20315,"Ġartifacts":20316,"Å«":20317,"arel":20318,"Ġcompetitor":20319,"ĠNicholas":20320,"ĠSurface":20321,"cpp":20322,"ĠTot":20323,"Ġeconomically":20324,"Ġorganised":20325,"Ġenforced":20326,"inho":20327,"Ġvarieties":20328,"Ġabdom":20329,"ĠBailey":20330,"idav":20331,"ĠSalv":20332,"paid":20333,"Ġaltitude":20334,"essert":20335,"ĠGutenberg":20336,"area":20337,"opoulos":20338,"Ġprofessors":20339,"iggs":20340,"ĠFate":20341,"hey":20342,"Ġ3000":20343,"Dist":20344,"Ġtwins":20345,"cill":20346,"ĠMaps":20347,"Ġtraps":20348,"Ġweed":20349,"ĠKiss":20350,"Ġyoga":20351,"Ġrecipients":20352,"ĠWestminster":20353,"Ġpools":20354,"ĠWalmart":20355,"188":20356,"ĠSchools":20357,"attack":20358,"ĠARM":20359,"paragraph":20360,"Warning":20361,"jl":20362,"Ġselfish":20363,"anchez":20364,"ĠHeights":20365,"Fre":20366,"ĠSoph":20367,"Ġ--------------------------------":20368,"tml":20369,"333":20370,"Ġraids":20371,"Ġsatellites":20372,"KEY":20373,"Ġlasts":20374,"ÑĤ":20375,"Ins":20376,"ĠDame":20377,"Ġunpredict":20378,"///":20379,"ghai":20380,"Ġartillery":20381,"Ġcruise":20382,"Ġgel":20383,"ĠCabinet":20384,"Ġblows":20385,"ĠEsp":20386,"Ġproximity":20387,"othe":20388,"ĠSkills":20389,"ĠUpper":20390,"obo":20391,"ĠNDP":20392,"Ġenjoys":20393,"Ġrepeating":20394,"ĠConstruction":20395,"ĠQuestions":20396,"Hillary":20397,"Ġuint":20398,"Ġprocessors":20399,"ĠGibson":20400,"ĠMultiple":20401,"qa":20402,"ĠBom":20403,"ĠMiles":20404,"ventional":20405,"Ġhurts":20406,"skin":20407,"ĠAIDS":20408,"Ġadvisers":20409,"ĠRoot":20410,"Ġmethodology":20411,"ĠDale":20412,"Ġdeton":20413,"ĠKnowledge":20414,"sequently":20415,"Ġ121":20416,"Ġconnects":20417,"Cy":20418,"ĠDanger":20419,"Ġcontributors":20420,"ĠBent":20421,"Ġbrass":20422,"ĠGuns":20423,"into":20424,"ĠFortune":20425,"Ġbroker":20426,"balance":20427,"Ġlengths":20428,"Ġvic":20429,"Ġaveraging":20430,"Ġappropriately":20431,"ĠCamera":20432,"Ġsandwich":20433,"ĠCDC":20434,"Ġcoordinate":20435,"Ġnavig":20436,"Ġgoodness":20437,"laim":20438,"Ġbrake":20439,"Ġextremist":20440,"ĠWake":20441,"ĠMend":20442,"ĠTiny":20443,"ĠCOL":20444,"ĠRF":20445,"ĠDual":20446,"ĠWine":20447,"Case":20448,"Ġrefined":20449,"Ġlamp":20450,"Lead":20451,"Ġbapt":20452,"ĠCarb":20453,"ĠSadd":20454,"ĠMinneapolis":20455,"PDF":20456,"Early":20457,"ĠHidden":20458,"Its":20459,"ĠTIME":20460,"Ġpap":20461,"Ġcommissioned":20462,"ĠFew":20463,"ĠColts":20464,"ĠBren":20465,"Ġbothered":20466,"Ġlikewise":20467,"Exper":20468,"ĠSchw":20469,"cry":20470,"nn":20471,"ĠMitch":20472,"imon":20473,"MG":20474,"bm":20475,"UMP":20476,"rays":20477,"Ġregistry":20478,"Ġ270":20479,"achine":20480,"rella":20481,"anting":20482,"00000":20483,"Ġruined":20484,"spot":20485,"Ġta":20486,"Ġmaximize":20487,"Ġinconven":20488,"Dead":20489,"Human":20490,"Enabled":20491,"ĠMarie":20492,"Ġchill":20493,"ĠParadise":20494,"Ġstarring":20495,"ĠLatino":20496,"ĠProtocol":20497,"ĠEVER":20498,"Ġsuppliers":20499,"message":20500,"ĠBrock":20501,"Ġserum":20502,"âĸĪâĸĪâĸĪâĸĪ":20503,"Ġencomp":20504,"Ġambition":20505,"uese":20506,"Ġarrows":20507,"Andrew":20508,"Ġantenna":20509,"Ġ1961":20510,"ĠBark":20511,"Ġbool":20512,"ãĤª":20513,"ĠStorage":20514,"Ġrailway":20515,"Ġtougher":20516,"ĠCad":20517,"Ġwashing":20518,"Py":20519,"']":20520,"embed":20521,"ĠMemphis":20522,"ackle":20523,"Ġfamously":20524,"ĠFortunately":20525,"ovies":20526,"Ġmindset":20527,"Ġsneak":20528,"ĠDh":20529,"RAW":20530,"ĠSimpson":20531,"Ġlivest":20532,"Ġlandmark":20533,"Ġcement":20534,"Low":20535,"Ġthrilled":20536,"ĠCourse":20537,"inel":20538,"Ġchuck":20539,"idate":20540,"global":20541,"Ġwhit":20542,"Ġ�":20543,"adays":20544,"ski":20545,"ĠSV":20546,"Ġviruses":20547,"306":20548,"ĠRespons":20549,"Ġtheaters":20550,"ĠBranch":20551,"ĠGeneva":20552,"ĠMK":20553,"Ġunbeliev":20554,"Ġcommunist":20555,"Original":20556,"ĠReceived":20557,"ĠTransfer":20558,"ĠArg":20559,"Input":20560,"ĠStrategy":20561,"Ġpalace":20562,"thening":20563,"Dri":20564,"Ġsentencing":20565,"umbnail":20566,"Ġpins":20567,"recy":20568,"Ġsiblings":20569,"Getting":20570,"ĠBU":20571,"ĠNorthwest":20572,"Ġprolonged":20573,"ĠSakura":20574,"Comb":20575,"ĠBour":20576,"Ġinadequate":20577,"ĠKash":20578,"Ġusername":20579,"ĠImprove":20580,"Ġbattling":20581,"ĠMAC":20582,"Ġcurriculum":20583,"Ġsoda":20584,"ĠCannon":20585,"Ġsensible":20586,"spons":20587,"December":20588,"Ġwicked":20589,"ĠPengu":20590,"Ġdictators":20591,"ĠHearts":20592,"ogyn":20593,"Ġsimilarities":20594,"ĠStats":20595,"Ġhollow":20596,"itations":20597,"\":[":20598,"Ġhover":20599,"ĠListen":20600,"sch":20601,"Sund":20602,"Ġcad":20603,"ĠParks":20604,"Ġlur":20605,"Ġhype":20606,"ĠLem":20607,"NAME":20608,"isure":20609,"Friday":20610,"Ġshoots":20611,"Ġcloses":20612,"Ġdb":20613,"ĠRidge":20614,"ĠDifferent":20615,"Ġreplies":20616,"ĠBroadway":20617,"opers":20618,"Ġintoler":20619,"ĠZeus":20620,"akespe":20621,"Ġproprietary":20622,"Ġrequesting":20623,"Ġcontrollers":20624,"ĠMIN":20625,"imedia":20626,"becca":20627,"Ġexpans":20628,"Ġoils":20629,"Bot":20630,"ĠChand":20631,"Ġprinter":20632,"Ġtopped":20633,"ĠPOL":20634,"ĠEarlier":20635,"Social":20636,"avin":20637,"Ġdecreases":20638,"ĠSeb":20639,"Ġspecifications":20640,"ĠBlast":20641,"ĠKurt":20642,"Ġfreel":20643,"Brown":20644,"Ġdilig":20645,"roe":20646,"ĠProblem":20647,"ĠQuad":20648,"Ġdecentral":20649,"ĠVector":20650,"anut":20651,"Ġplugins":20652,"ĠGregory":20653,"Ġfucked":20654,"elines":20655,"ĠAmbassador":20656,"take":20657,"Ġcleans":20658,"ongyang":20659,"Anonymous":20660,"stro":20661,"\"}":20662,"aline":20663,"ĠOdd":20664,"ĠEug":20665,"216":20666,"Ġboil":20667,"ĠPowers":20668,"Ġnurses":20669,"Obviously":20670,"ĠTechnical":20671,"Ġexceeded":20672,"ORS":20673,"Ġextremists":20674,"Ġtraces":20675,"expl":20676,"Ġcomr":20677,"ĠSach":20678,")/":20679,"Ġmasks":20680,"Ġsci":20681,"Bon":20682,"Ġregression":20683,"wegian":20684,"Ġadvisor":20685,"itures":20686,"ĠVo":20687,"example":20688,"ĠInstruct":20689,"Ġsiege":20690,"Ġreductions":20691,"ptr":20692,"Ġstatutory":20693,"Ġremoves":20694,"Ġpuck":20695,"redits":20696,"Ġbee":20697,"Ġsalad":20698,"Ġpromotions":20699,"ĠJoshua":20700,"withstanding":20701,"ETH":20702,"ĠCha":20703,"imus":20704,"Ġexpenditure":20705,"aunting":20706,"Ġdelighted":20707,"Ġ155":20708,"beh":20709,"Ġcarpet":20710,"ĠSpart":20711,"Ġjungle":20712,"lists":20713,"Ġbullying":20714,"ĠNobel":20715,"ĠGlen":20716,"Ġreferenced":20717,"Ġintroduces":20718,"sein":20719,"Ġchopped":20720,"glass":20721,"ĠWrest":20722,"Ġneutrality":20723,"ĠâĻ":20724,"Ġinvestigator":20725,"Ġshelves":20726,"Ġunconstitutional":20727,"Ġreproduction":20728,"Ġmerchant":20729,"mia":20730,"Ġmetrics":20731,"Ġexplosives":20732,"ĠSonia":20733,"Ġbodily":20734,"Ġthickness":20735,"Ġpredominantly":20736,"ĠAbility":20737,"Ġmonitored":20738,"ICH":20739,"Ġ].":20740,"ĠMartinez":20741,"Ġvisibility":20742,"Ġqueries":20743,"Ġgenocide":20744,"ĠWarfare":20745,"Query":20746,"Ġstudios":20747,"Ġembry":20748,"Ġcorridor":20749,"Ġcleaned":20750,"complete":20751,"ĠMH":20752,"Ġenrollment":20753,"INGS":20754,"Ġimpacted":20755,"Ġdisastrous":20756,"ĠYun":20757,"ĠClaire":20758,"ĠBasically":20759,"yt":20760,"usterity":20761,"Ġindirectly":20762,"wik":20763,"Ġdod":20764,"ĠCarr":20765,"Ġamp":20766,"Ġprohibit":20767,"ĠInitial":20768,"ĠRd":20769,"iji":20770,"Ġeducate":20771,"corn":20772,"iott":20773,"ĠBeauty":20774,"Ġdetective":20775,"ĠConn":20776,"since":20777,"Ġstagger":20778,"Ġobese":20779,"Ġbree":20780,"ologic":20781,"isse":20782,"walker":20783,"Ġblades":20784,"Ġlawful":20785,"func":20786,"ĠBehind":20787,"Ġappetite":20788,"Ġ(*":20789,"Ġtennis":20790,"Ġoffspring":20791,"Ġjets":20792,"Ġstructured":20793,"Ġaforementioned":20794,"Nov":20795,"Ġscaling":20796,"fill":20797,"Ġstew":20798,"Ġcurb":20799,"ĠStephan":20800,"edIn":20801,"SF":20802,"obic":20803,"éŃĶ":20804,"oug":20805,"ĠMM":20806,"Ġgenetically":20807,"opez":20808,"136":20809,"Ġumb":20810,"ancers":20811,"Ġcohort":20812,"Ġmerchandise":20813,"Ġimposing":20814,"ĠLegislature":20815,"ĠArchive":20816,"ivia":20817,"ĠNaval":20818,"Ġoffences":20819,"Ġmiracle":20820,"Ġsnapped":20821,"Ġfoes":20822,"Ġextensively":20823,"ĠRaf":20824,"Ġcater":20825,"edience":20826,"Kit":20827,"ĠBin":20828,"Ġrecommends":20829,"ĠCities":20830,"Ġrigid":20831,"ĠREAD":20832,"ĠNoble":20833,"ĠTian":20834,"Ġcertificates":20835,"antis":20836,"oiler":20837,"ĠBuddhist":20838,"did":20839,"Ġsurveyed":20840,"Ġdownward":20841,"Ġprints":20842,"ĠMotion":20843,"ronics":20844,"ĠSans":20845,"ossibly":20846,"uctions":20847,"Ġcolonies":20848,"ĠDanish":20849,"unit":20850,"Ġspoil":20851,"Ġadvisory":20852,"berries":20853,"Plan":20854,"Ġspecification":20855,"ophers":20856,"ĠResource":20857,"Ġshirts":20858,"prisingly":20859,"communications":20860,"Ġtrivial":20861,"Ġmentioning":20862,"isexual":20863,"Ġsupplements":20864,"Ġsupervision":20865,"BP":20866,"vor":20867,"Ġwit":20868,"Ġcooldown":20869,"Ġplaintiff":20870,"ĠReviews":20871,"ĠSri":20872,"ĠMint":20873,"ĠSugar":20874,"Ġafterward":20875,"ĠPriest":20876,"ĠInvestment":20877,"ogene":20878,"ĠTaking":20879,"Ġstretching":20880,"Ġinflammation":20881,"ĠTehran":20882,"Ġlining":20883,"Ġfreezing":20884,"ĠEntity":20885,"Ġinspiring":20886,"special":20887,"price":20888,"Ġsue":20889,"ĠPorter":20890,"ounge":20891,"ETA":20892,"ĠDerek":20893,"ĠLuis":20894,"uo":20895,"ymph":20896,"Ġexterior":20897,"ihil":20898,"ĠAshley":20899,"inator":20900,"Ġnutrients":20901,"ĠThrones":20902,"Ġfinances":20903,"ĠInspect":20904,"Ġspecially":20905,"ĠRequired":20906,"ĠPTS":20907,"ĠViolence":20908,"ointed":20909,"shots":20910,"Ġexcerpt":20911,"coon":20912,"INS":20913,"ĠGri":20914,"Ġrecognised":20915,"Week":20916,"Young":20917,"Ġvom":20918,"isle":20919,"ĠCurry":20920,"ĠBuddh":20921,"Ġnotebook":20922,"Ġdurable":20923,"/?":20924,"ĠGad":20925,"ĠPupp":20926,"Ġforgive":20927,"park":20928,"Ġpersonalities":20929,"analysis":20930,"clamation":20931,"Ġelevator":20932,"Ġwarehouse":20933,"ĠRole":20934,"unn":20935,"Ġillustration":20936,"ĠScan":20937,"Ġatmospheric":20938,"Import":20939,"ANC":20940,"ricted":20941,"fu":20942,"010":20943,"Ġarche":20944,"Ġrewarded":20945,"akespeare":20946,"Ġinternally":20947,"ĠRBI":20948,"alker":20949,"Ġelephant":20950,"owitz":20951,"ĠPizza":20952,"Ġbipartisan":20953,"és":20954,"Ġslowed":20955,"ĠStark":20956,"Ġoverride":20957,"OUS":20958,"Ġ320":20959,"undreds":20960,"ĠDeck":20961,"ĠCensus":20962,"bee":20963,"146":20964,"otor":20965,"Ġip":20966,"Ġub":20967,"ocations":20968,"ĠButton":20969,"rice":20970,"Ġcripp":20971,"fff":20972,"Ġoriginated":20973,"Ġoverwhelmed":20974,"appa":20975,"Ġforemost":20976,"âĢij":20977,"ĠLEG":20978,"release":20979,"eatured":20980,"atches":20981,"Ġreps":20982,"Ġlending":20983,"ĠReference":20984,"ĠClient":20985,"165":20986,"venth":20987,"Complete":20988,"ĠPatrol":20989,"Ġsworn":20990,"cam":20991,"Ġshuttle":20992,"ĠRalph":20993,"Ġhometown":20994,"-,":20995,"onal":20996,"ĠBP":20997,"åı":20998,"Ġpersuade":20999,"ĠAlexand":21000,"Ġcombines":21001,"Ġvivid":21002,"ĠLag":21003,"Ġencoding":21004,"Ġsalvation":21005,"wen":21006,"ĠRecovery":21007,"iya":21008,"University":21009,"ĠBiden":21010,"Ġbudgets":21011,"ĠTexans":21012,"fits":21013,"Ġhonored":21014,"Ġpython":21015,"TD":21016,"###":21017,"clone":21018,"Ġblink":21019,"ĠLiquid":21020,"Ġunemployed":21021,"Ġclashes":21022,"ĠCounsel":21023,"Ġdirecting":21024,"Ġpunct":21025,"ĠFalcons":21026,"Ġshark":21027,"ĠDamascus":21028,"Ġjeans":21029,"Ġembark":21030,"Ġseize":21031,"Ġupwards":21032,"280":21033,"ĠEz":21034,"ĠAnything":21035,"Ġexotic":21036,"lower":21037,"ĠCreator":21038,"ĠUm":21039,"Ġsuburbs":21040,"berger":21041,"ĠWend":21042,"Ġmint":21043,"ĠXX":21044,"ĠDro":21045,"Ġsuffers":21046,"Ġherb":21047,"tree":21048,"Ġfragile":21049,"Ġflooded":21050,"ĠAlcohol":21051,"olean":21052,"nyder":21053,"ĠKO":21054,"Fram":21055,"Ġ136":21056,"Ġowed":21057,"ĠMelee":21058,"ĠHash":21059,"Ġwhisk":21060,"Ġsudo":21061,"rr":21062,"Quick":21063,"appro":21064,"Ġii":21065,"ĠExamples":21066,"hee":21067,"Ġpromotes":21068,"perature":21069,"kar":21070,"ĠHonor":21071,"Ġsodium":21072,"ĠLif":21073,"rosso":21074,"intendent":21075,"Ġcorrespondent":21076,"Found":21077,"secret":21078,"Ġidentifies":21079,"agne":21080,"Ġlou":21081,"ĠPP":21082,"Ġcoincidence":21083,"move":21084,"Ġmilitia":21085,"Ġinfiltr":21086,"ĠPrimary":21087,"Ġpitching":21088,"ĠIb":21089,"ĠGOOD":21090,"ãĤ¸":21091,"ĠWizards":21092,"iral":21093,"ĠVenus":21094,"RR":21095,"ĠâĢķ":21096,"ĠCasey":21097,"Ġsadly":21098,"Ġadmire":21099,"Ġembarrassed":21100,"cb":21101,"Mel":21102,"Ġtubes":21103,"Ġbeautifully":21104,"ĠQueensland":21105,"Below":21106,"rez":21107,"quet":21108,"pleasant":21109,"Ġ«":21110,"Camp":21111,"Ġdecisive":21112,"1998":21113,"ĠLamb":21114,"utton":21115,"hn":21116,"ĠJagu":21117,"aunder":21118,"ĠCord":21119,"Ġclerk":21120,"Ġcaffe":21121,"Ġwiped":21122,"Ġreim":21123,"ĠMountains":21124,"Ġimprisoned":21125,"Ġdevelops":21126,"ĠPra":21127,"Ġmodeling":21128,"Anyone":21129,"ancel":21130,"ĠSit":21131,"Ġshields":21132,"Ġlawn":21133,"Ġcardiovascular":21134,"Ġdemonstrating":21135,"Ġparse":21136,"ĠIsraelis":21137,"Ġeuros":21138,"143":21139,"Ġglorious":21140,"inski":21141,"ecd":21142,"Ġconditioning":21143,"Ġhelpless":21144,"Ġmicrosc":21145,"ĠHarbor":21146,"Ġstakes":21147,"Ġ260":21148,"Ġunequ":21149,"ĠFloyd":21150,"Ġdamp":21151,"Ġapparatus":21152,"ĠLaws":21153,"Ġcounters":21154,"Ġinduce":21155,"atable":21156,"ĠAhmed":21157,"Ġslam":21158,"November":21159,"Ġpersist":21160,"Ġimminent":21161,"án":21162,"Ġshred":21163,"Ġphases":21164,"ĠEdmonton":21165,"ĠArmstrong":21166,"ĠMeet":21167,"ĠKitty":21168,"ÑĢ":21169,"circ":21170,"ĠAdult":21171,"Ġarose":21172,"ĠXen":21173,"Dan":21174,"gow":21175,"Ġsuperf":21176,"ĠAdmir":21177,"Ġendure":21178,"Ġkeyword":21179,"yrus":21180,"Ġyarn":21181,"Ġpathway":21182,"ĠHopkins":21183,"midt":21184,"Ġcensorship":21185,"dependent":21186,"Ġinstructor":21187,"Sources":21188,"Ġtoe":21189,"Ġballoon":21190,"Nob":21191,"Ġswear":21192,"ĠCastro":21193,"Ġgloss":21194,"ĠKavanaugh":21195,"Ġremarkably":21196,"Photos":21197,"ĠNom":21198,"ĠSoutheast":21199,"yers":21200,"Ġvalidation":21201,"Ġcannon":21202,"ĠVictory":21203,"ĠPierre":21204,"Ġcautious":21205,"Audio":21206,"Ġfetch":21207,"ĠGift":21208,"ĠHyp":21209,"Ġremedy":21210,"ZE":21211,"Ġscent":21212,"Ġbeard":21213,"ĠRut":21214,"-\"":21215,"Ġpatents":21216,"Hy":21217,"Ġunjust":21218,"Ġpotato":21219,"Ġforthcoming":21220,"Ġchef":21221,"ĠRift":21222,"affe":21223,"ĠROM":21224,"ĠLaunch":21225,"Ġpads":21226,"ĠNeo":21227,"Ġonset":21228,"Ġsqueeze":21229,"safe":21230,"Ġprefix":21231,"ĠTM":21232,"ĠNearly":21233,"ĠClinical":21234,"ĠMental":21235,"otiation":21236,"ĠUnic":21237,"antry":21238,"ĠCir":21239,"Ġepit":21240,"æ":21241,"Ġextracted":21242,"versely":21243,"riad":21244,"Ġstrains":21245,"Ġtops":21246,"Ġpoem":21247,"ĠRandy":21248,"ĠMaple":21249,"THER":21250,"upiter":21251,"ĠSSD":21252,"ļé":21253,"Ġuncon":21254,"pering":21255,"Ġslept":21256,"iners":21257,"Ġunderwater":21258,"ĠEvidence":21259,"gone":21260,"205":21261,"Ġhistorians":21262,"Ġsynthesis":21263,"Ġfrog":21264,"basketball":21265,"Ġvibrant":21266,"Ġsubord":21267,"Ġ365":21268,"ĠDial":21269,"Ġcooperate":21270,"HAHA":21271,"Ġgreeted":21272,"158":21273,"Ġjazz":21274,"Ġintox":21275,"ĠWalking":21276,"Ġsupervisor":21277,"ĠFusion":21278,"ĠMercedes":21279,"send":21280,"Ham":21281,"sd":21282,"nl":21283,"Ġtours":21284,"ĠFIFA":21285,"Ġculp":21286,"gd":21287,"304":21288,"Ġpleas":21289,"Ġillustrates":21290,"ĠColombia":21291,"Ġhighlighting":21292,"ĠSummary":21293,"Ġexposing":21294,"ĠDru":21295,"Ġirony":21296,"ritional":21297,"ĠCarroll":21298,"ĠEllis":21299,"Pict":21300,"ĠRapt":21301,"Ġadapter":21302,"Ġunm":21303,"Ġcorpse":21304,"Ġcelebrities":21305,"Den":21306,"atum":21307,"ĠApocalypse":21308,"ĠWag":21309,"lining":21310,"Ġhormones":21311,"Rub":21312,"ĠXi":21313,"ĠVaults":21314,"208":21315,"alkyrie":21316,"inosaur":21317,"Ġfeeds":21318,"vity":21319,"Ġdefeating":21320,"Wait":21321,"Ġemphasize":21322,"ĠSteelers":21323,"yrinth":21324,"leys":21325,"ĠWhenever":21326,"Currently":21327,"ĠClock":21328,"Ġcollectively":21329,"anyon":21330,"ĠJP":21331,"Ġmentality":21332,"Ġdownloads":21333,"Ġsurroundings":21334,"ĠBarnes":21335,"Ġflagship":21336,"Ġindicators":21337,"Ġgrapp":21338,"January":21339,"ĠElemental":21340,"ĠAthena":21341,"ibal":21342,"Ġsights":21343,"Ġcapita":21344,"ĠTreaty":21345,"Ġvoiced":21346,"ĠGaz":21347,"lette":21348,"Ġya":21349,"Ġexpired":21350,"Legend":21351,"Hot":21352,"nature":21353,"Ġunstable":21354,"Ġ280":21355,"ú":21356,"Comment":21357,"ALE":21358,"Ġquests":21359,"Ġhandler":21360,"nis":21361,"Ġversatile":21362,"Ġconceal":21363,"engeance":21364,"ĠInteractive":21365,"Ġobsessed":21366,"ĠDogs":21367,"Ġcracked":21368,"Sound":21369,"sv":21370,"ĠDylan":21371,"roads":21372,"fx":21373,"ĠCatholics":21374,"ĠHag":21375,"Ġslammed":21376,"Ġglowing":21377,"sale":21378,"Ġtissues":21379,"ĠChi":21380,"nee":21381,"Ġcher":21382,"sic":21383,"urrection":21384,"Ġbacon":21385,"ulatory":21386,").\"":21387,"Ġirregular":21388,"FORM":21389,"assed":21390,"Ġintentional":21391,"Ġcompensate":21392,"ĠSpeaking":21393,"ĠSets":21394,"153":21395,"Ġconventions":21396,"bands":21397,"emade":21398,"Ġecc":21399,"ĠWinston":21400,"ĠAssassin":21401,"ĠBelgian":21402,"Ġdependence":21403,"Ġniche":21404,"Ġbark":21405,"ĠJazz":21406,"Ġdisadvantage":21407,"Ġgasoline":21408,"Ġ165":21409,"çļĦ":21410,"essa":21411,"module":21412,"angular":21413,"OY":21414,"ĠTreatment":21415,"itas":21416,"olation":21417,"ĠArnold":21418,"Ġfeud":21419,"ĠNest":21420,"Ġtheatre":21421,"ewater":21422,"Ġminors":21423,"olicy":21424,"ĠHaven":21425,"division":21426,"Ġtrunk":21427,"Far":21428,"ĠPull":21429,"Ġcapturing":21430,"Ġ1800":21431,"ĠTeen":21432,"Ġexempl":21433,"Ġclinics":21434,"ĠBurg":21435,"Ġsubstit":21436,"Ġpayload":21437,"ĠLav":21438,"ĠTroy":21439,"ĠWitness":21440,"Ġfragments":21441,"Ġpasswords":21442,"Ġgospel":21443,"ĠGin":21444,"Ġtenants":21445,"olith":21446,"Six":21447,"Previous":21448,"ĠAges":21449,"ĠDarwin":21450,"Ġblat":21451,"Ġempathy":21452,"smith":21453,"bag":21454,"ĠEcho":21455,"ĠCamb":21456,"ĠMadd":21457,"ĠBoo":21458,"Ġrede":21459,"ĠBurning":21460,"Ġsmoothly":21461,"ĠAdrian":21462,"ĠVampire":21463,"ĠMonsters":21464,"steam":21465,"Style":21466,"Ma":21467,"rea":21468,"ĠDwar":21469,"alyst":21470,"ursor":21471,"Ġelimination":21472,"Ġcrypto":21473,"cht":21474,"ĠEternal":21475,"â̦]":21476,"ĠSorce":21477,"Ill":21478,"NER":21479,"Ġuh":21480,"Conclusion":21481,"wage":21482,"Ġrespir":21483,"Ġreminis":21484,"hetical":21485,"Ġgy":21486,"Ġutilized":21487,"icidal":21488,"Ġ1900":21489,"Ġhunters":21490,"ĠSwan":21491,"ĠReact":21492,"Ġvisitor":21493,"ĠThanksgiving":21494,"308":21495,"Posts":21496,"Ġhips":21497,"1997":21498,"omers":21499,"Ġknocking":21500,"ĠVehicle":21501,"Ġtil":21502,"Ġ138":21503,"Ġmi":21504,"ĠInvestigation":21505,"ĠKenya":21506,"Ġcasino":21507,"Ġmotives":21508,"Ġregain":21509,"rex":21510,"Ġweekends":21511,"Ġstabbed":21512,"boro":21513,"Ġexploited":21514,"ĠHAVE":21515,"ĠTelevision":21516,"cock":21517,"Ġpreparations":21518,"Ġendeav":21519,"ĠRemote":21520,"ĠMaker":21521,"ĠProdu":21522,"ĠEvan":21523,"Ġinformational":21524,"ĠLouisville":21525,"154":21526,"ĠDreams":21527,"Ġplots":21528,"ĠRunner":21529,"Ġhurting":21530,"Ġacademy":21531,"ĠMontgomery":21532,"nm":21533,"ĠLanc":21534,"ĠAlz":21535,"210":21536,"elong":21537,"Ġretailer":21538,"Ġarising":21539,"Ġrebellion":21540,"Ġblonde":21541,"played":21542,"Ġinstrumental":21543,"Cross":21544,"Ġretention":21545,"Ġtherapeutic":21546,"Ġseas":21547,"Ġinfantry":21548,"ĠClint":21549,"Ġprompting":21550,"Ġbitch":21551,"Ġstems":21552,"ĠKra":21553,"Ġthesis":21554,"ĠBog":21555,"rued":21556,"Ġkings":21557,"Ġclay":21558,"ificent":21559,"ĠYES":21560,"ĠThing":21561,"ĠCubs":21562,"veyard":21563,"elsh":21564,"inarily":21565,"ĠEy":21566,"ĠRolling":21567,"Ġevolving":21568,"India":21569,"Ġrecognizes":21570,"Ġgraduation":21571,"isers":21572,"Ġfertility":21573,"ĠMilan":21574,"Command":21575,"Ġboxing":21576,"Ġ1943":21577,"Ġgluten":21578,"ĠEmir":21579,"Ġidol":21580,"Ġconceived":21581,"ĠCreation":21582,"Merit":21583,"uddy":21584,"ussions":21585,"ĠLieutenant":21586,"ietal":21587,"Ġunchanged":21588,"ĠScale":21589,"ĠCrimea":21590,"balls":21591,"atorial":21592,"Ġdepths":21593,"Ġempirical":21594,"Ġtransm":21595,"Ġunsafe":21596,"missible":21597,"comfort":21598,"156":21599,"Ġmechanic":21600,"002":21601,"lins":21602,"Ġsmoked":21603,"Pos":21604,"Ġslowing":21605,"Ġlav":21606,"Texas":21607,"Ġcheating":21608,"ĠMetropolitan":21609,"ethyl":21610,"Ġdiscovering":21611,"asse":21612,"Ġpencil":21613,"ĠPyongyang":21614,"Ġcloset":21615,"ĠSheet":21616,"ĠEntry":21617,"oustic":21618,"Ġmyst":21619,"erate":21620,"ariat":21621,"Ġminerals":21622,"Ġmusician":21623,"ĠPul":21624,"ĠMaz":21625,"249":21626,"Ġpermissions":21627,"Ġiv":21628,"enary":21629,"ickers":21630,"ĠBing":21631,"hea":21632,"enable":21633,"Ġgriev":21634,"Ġasserted":21635,"ĠColonel":21636,"Ġaffidav":21637,"wo":21638,"Ġseated":21639,"ĠRide":21640,"Ġpaintings":21641,"ĠPix":21642,"Ġ137":21643,"ishi":21644,"umbai":21645,"gotten":21646,"ĠEarl":21647,"Ġinning":21648,"Ġcensus":21649,"Ġtravelled":21650,"ĠConsult":21651,"185":21652,"bind":21653,"Ġsimplicity":21654,"Ġoverlooked":21655,"ĠHelpful":21656,"Ġmonkey":21657,"Ġoverwhelmingly":21658,"Blood":21659,"ĠFlint":21660,"ĠJama":21661,"ĠPresent":21662,"ĠRage":21663,"ĠTA":21664,"ptive":21665,"Ġturnout":21666,"wald":21667,"ĠDolphins":21668,"ĠVPN":21669,"Ġonion":21670,"Ġcrafting":21671,"mma":21672,"ĠMercury":21673,"Ġarrange":21674,"Ġalerts":21675,"ĠOT":21676,"zbollah":21677,"Ġgases":21678,"ĠRichardson":21679,"sal":21680,"lar":21681,"Ġfrost":21682,"Ġlowering":21683,"Ġacclaim":21684,"Ġstartups":21685,"ĠGain":21686,"essment":21687,"Ġguardian":21688,"人":21689,"ĠPie":21690,"ĠLinks":21691,"Ġmerits":21692,"Ġawake":21693,"Ġparental":21694,"Ġexceeds":21695,"Ġidle":21696,"ĠPilot":21697,"ĠeBay":21698,"ĠAccept":21699,"ipeg":21700,"Cam":21701,"ĠKot":21702,"Ġtraders":21703,"olitics":21704,"unker":21705,"ĠPale":21706,"osi":21707,"anmar":21708,"Ġ1947":21709,"ĠFell":21710,"estial":21711,"itating":21712,"GF":21713,"ĠSr":21714,"ifted":21715,"Ġconnector":21716,"ĠBone":21717,"illes":21718,"260":21719,"hma":21720,"Ġoverlap":21721,"ĠGitHub":21722,"Ġcleaner":21723,"ĠBaptist":21724,"ĠWAS":21725,"Ġlungs":21726,"Ñģ":21727,"ĠBUT":21728,"Ġcite":21729,"Ġpitched":21730,"reatment":21731,"Ġtrophies":21732,"ĠNu":21733,"386":21734,"ĠPride":21735,"Ġattendees":21736,"[]":21737,"179":21738,"Ġspatial":21739,"Ġprizes":21740,"ĠReligion":21741,"Ġshowcase":21742,"ĠCategory":21743,"vidia":21744,"Target":21745,"Property":21746,"?,":21747,"Ġfusion":21748,"pie":21749,"ĠUCLA":21750,"Ġsoundtrack":21751,"Ġprincess":21752,"ĠCaval":21753,"should":21754,"Ġlimbs":21755,"Background":21756,"Ġlonely":21757,"Ġcores":21758,"ĠTail":21759,"sheet":21760,"Ġ132":21761,"Ra":21762,"ãĤ«":21763,"ĠBolt":21764,"Ġbooked":21765,"Ġadminister":21766,"Ġequals":21767,"wy":21768,"Ġobserving":21769,"ĠBaron":21770,"ĠAdobe":21771,"Ġvirgin":21772,"ĠSocialist":21773,"Move":21774,"ghazi":21775,"ĠLinda":21776,"212":21777,"Ġbrewing":21778,"Ġmerchants":21779,"burse":21780,"Ġdivor":21781,"Ġmetals":21782,"ĠNer":21783,"Ġsums":21784,"ĠEnemy":21785,"Ġenvision":21786,"Ġgranting":21787,"ĠHoney":21788,"ĠSkyrim":21789,"Ġsocio":21790,"graded":21791,"Ġselective":21792,"WASHINGTON":21793,"Ġ1948":21794,"ĠSirius":21795,"ĠGross":21796,"activity":21797,"ĠIvan":21798,"Ġfurious":21799,"BSD":21800,"ĠPrevious":21801,"Ġresponsive":21802,"Ġcharitable":21803,"Ġleaning":21804,"ĠPew":21805,"Ġviolates":21806,"\\\\\\\\\\\\\\\\":21807,"ĠComing":21808,"wire":21809,"Ġpoet":21810,"Ġresolutions":21811,"command":21812,"ĠPortuguese":21813,"Ġnickname":21814,"Ġdeaf":21815,"February":21816,"Ġrecognise":21817,"Ġentirety":21818,"Ġseasonal":21819,"placed":21820,"ĠTelegraph":21821,"Ġmicrophone":21822,"ouring":21823,"Ġgrains":21824,"Ġgoverned":21825,"Ġpostp":21826,"ĠWaters":21827,"inement":21828,"Ġundocumented":21829,"ĠComcast":21830,"Ġfox":21831,"Ġassaults":21832,"reon":21833,"many":21834,"ĠJenkins":21835,"ĠAnyway":21836,"Ġassessments":21837,"Ġdowns":21838,"ĠMouse":21839,"Ġsuperb":21840,"kt":21841,"ĠDow":21842,"Ġtaxation":21843,"401":21844,"Ġsmiles":21845,"Ġundertaken":21846,"Ġexh":21847,"Ġenthusiastic":21848,"Ġtwent":21849,"Ġgovernmental":21850,"Ġautonomy":21851,"ĠTechnologies":21852,"ĠChain":21853,"Ġprevalent":21854,"fb":21855,"Ġnicotine":21856,"ogram":21857,"job":21858,"Ġawaiting":21859,"ĠMenu":21860,"Ġdeputies":21861,"kov":21862,"ishops":21863,"Button":21864,"ĠShanghai":21865,"Ġdiesel":21866,"ĠDuck":21867,"Ryan":21868,"ĠPCs":21869,"NF":21870,"jury":21871,"ente":21872,"Ġinaccurate":21873,"eddy":21874,"Whatever":21875,"Ġshowc":21876,"ĠNad":21877,"odus":21878,"etr":21879,"Ġplaintiffs":21880,"ĠWOR":21881,"ĠAssange":21882,"Ġprivat":21883,"Ġpremiums":21884,"Ġtam":21885,"URL":21886,"Ġelites":21887,"ĠRanger":21888,"ottenham":21889,"ĠHoff":21890,"ĠAthens":21891,"Ġdefinite":21892,"Ġsighed":21893,"Ġevenly":21894,"211":21895,"ĠAmber":21896,"akia":21897,"Ġmailing":21898,"Ġcrashing":21899,"ĠConfederate":21900,"rugged":21901,"Wal":21902,"ĠDepths":21903,"Ġjuvenile":21904,"Ġreactor":21905,"Introduction":21906,"ĠDeluxe":21907,"1995":21908,"ĠSanchez":21909,"ĠMead":21910,"ivable":21911,":-":21912,"ĠPlanning":21913,"ĠTrap":21914,"quin":21915,"ĠProtect":21916,"vered":21917,"Information":21918,"Ġkidney":21919,"innamon":21920,"las":21921,"Ġpolicing":21922,"Ġtolerate":21923,"ĠQi":21924,"Ġbiased":21925,"Fort":21926,"ĠKi":21927,"save":21928,"Ġprivileged":21929,"Ġbeasts":21930,"ĠGlas":21931,"ĠCinem":21932,"Ġcomeback":21933,"Sunday":21934,"Ġextinction":21935,"hops":21936,"Ġtransmit":21937,"Ġdoubles":21938,"ĠFlat":21939,"167":21940,"Ġdisputed":21941,"Ġinjustice":21942,"foo":21943,"Vict":21944,"roleum":21945,"ĠJulie":21946,"Context":21947,"ĠRarity":21948,"issue":21949,"Component":21950,"Ġcounseling":21951,"anne":21952,"dark":21953,"Ġobjections":21954,"uilt":21955,"Ġgast":21956,"Ġplac":21957,"Ġunused":21958,"ãĥĩ":21959,"ĠTrial":21960,"ĠJas":21961,"hedral":21962,"obb":21963,"Ġtemporal":21964,"ĠPRO":21965,"ĠNW":21966,"ĠAnniversary":21967,"Large":21968,"Ġtherm":21969,"Ġdavid":21970,"Ġsystemic":21971,"ĠShir":21972,"mut":21973,"ĠNept":21974,"address":21975,"Ġscanning":21976,"Ġunderstandable":21977,"Ġcanvas":21978,"Cat":21979,"ĠZoo":21980,"Ġangels":21981,"LO":21982,"ĠStatement":21983,"ĠSig":21984,"ovable":21985,"ĠAway":21986,"sharing":21987,"ocrats":21988,"stated":21989,"Ġweighing":21990,"Nor":21991,"wild":21992,"Bey":21993,"Ġastonishing":21994,"ĠReynolds":21995,"Ġopener":21996,"Ġtrainer":21997,"Ġsurgical":21998,"pn":21999,"Ġadjusting":22000,"wheel":22001,"Ġfrown":22002,"ervative":22003,"Ġsuspend":22004,"Within":22005,"tein":22006,"Ġobstacle":22007,"Ġliberties":22008,"ymes":22009,"Ġuranium":22010,"ansom":22011,"anol":22012,"uba":22013,"ĠLoss":22014,"Ġarous":22015,"ĠHenderson":22016,"Wow":22017,"spl":22018,"cur":22019,"ĠÂŃ":22020,"Ġtheirs":22021,"Damage":22022,"Ġdownloading":22023,"Ġdiscern":22024,"ĠSto":22025,"ĠFla":22026,"Ġhath":22027,"ĠAj":22028,"Ġunpleasant":22029,"European":22030,"expensive":22031,"Ġscreenshot":22032,"ĠUV":22033,"Ġallied":22034,"ĠPersian":22035,"Ġmonopoly":22036,"Ġatom":22037,"ĠRedskins":22038,"\"><":22039,"Ġcancell":22040,"Ġcinema":22041,"131":22042,"fair":22043,"ĠAlfred":22044,"Ġduck":22045,"args":22046,"223":22047,"ĠISI":22048,"Ġsignaling":22049,"inar":22050,"Ġlaughs":22051,"Ġforwards":22052,"Ġreckless":22053,"Ġlisteners":22054,"ativity":22055,"Ġvastly":22056,"nant":22057,"Less":22058,"ĠHunting":22059,"ĠScientific":22060,"ITED":22061,"Ġknight":22062,"ĠHTC":22063,"usa":22064,"tmp":22065,"Ġrude":22066,"ĠLegendary":22067,"Ġarises":22068,"Bad":22069,"ĠClaim":22070,"peg":22071,"Ġrealities":22072,"Think":22073,"Ġ°":22074,"Ġrode":22075,"Ġstrive":22076,"Ġanecd":22077,"Ġshorts":22078,"Ġhypothes":22079,"Ġcoordinated":22080,"ĠGandhi":22081,"ĠFPS":22082,"RED":22083,"Ġsusceptible":22084,"Ġshrink":22085,"ĠChart":22086,"Help":22087,"Ġion":22088,"deep":22089,"ribes":22090,"ĠKai":22091,"ĠCustomer":22092,"Summary":22093,"Ġcough":22094,"wife":22095,"Ġlend":22096,"Ġpositioning":22097,"Ġlottery":22098,"ĠCanyon":22099,"Ġfade":22100,"Ġbronze":22101,"ĠKenny":22102,"Ġboasts":22103,"ĠEnhanced":22104,"record":22105,"Ġemergence":22106,"Ġakin":22107,"ĠBert":22108,"itous":22109,"âĸij":22110,"Ġstip":22111,"Ġexchanged":22112,"omore":22113,"alsh":22114,"Ġreservoir":22115,"Ġstandpoint":22116,"WM":22117,"Ġinitiate":22118,"Ġdecay":22119,"Ġbrewery":22120,"Ġterribly":22121,"Ġmortal":22122,"levard":22123,"Ġrevis":22124,"NI":22125,"elo":22126,"Ġconfess":22127,"ĠMSNBC":22128,"Ġsubmissions":22129,"Controller":22130,"Ġ202":22131,"ĠRuth":22132,"});":22133,"ĠAzure":22134,"Ġ.\"":22135,"206":22136,"ĠMarketing":22137,"Ġlaund":22138,"iencies":22139,"Ġrenowned":22140,"ĠTrou":22141,"ĠNGO":22142,"blems":22143,"Ġterrified":22144,"Ġwarns":22145,"Ġpert":22146,"Ġunsure":22147,"480":22148,"alez":22149,"ultz":22150,"ĠOutside":22151,"Ġstyl":22152,"ĠUnderground":22153,"Ġpanc":22154,"Ġdictionary":22155,"Ġfoe":22156,"riminal":22157,"ĠNorwegian":22158,"Ġjailed":22159,"Ġmaternal":22160,"ée":22161,"ĠLucy":22162,"cop":22163,"Cho":22164,"Ġunsigned":22165,"ĠZelda":22166,"ĠInsider":22167,"ĠContinued":22168,"Ġ133":22169,"ĠNaruto":22170,"ĠMajority":22171,"169":22172,"ĠWo":22173,"ãĤĵ":22174,"Ġpastor":22175,"Ġinformal":22176,"н":22177,"anthrop":22178,"join":22179,"ãģĹ":22180,"itational":22181,"NP":22182,"ĠWriting":22183,"fn":22184,"ĠBever":22185,"195":22186,"Ġyelling":22187,"Ġdrastically":22188,"Ġeject":22189,"Ġneut":22190,"Ġthrive":22191,"ĠFrequ":22192,"oux":22193,"Ġpossesses":22194,"ĠSenators":22195,"ĠDES":22196,"ĠShakespeare":22197,"ĠFranco":22198,"ĠLB":22199,"uchi":22200,"Ġincarn":22201,"Ġfounders":22202,"Function":22203,"Ġbrightness":22204,"ĠBT":22205,"Ġwhale":22206,"ĠTheater":22207,"mass":22208,"ĠDoll":22209,"Something":22210,"Ġechoed":22211,"ĠHex":22212,"crit":22213,"afia":22214,"Ġgoddess":22215,"Ġeleven":22216,"ĠPreview":22217,"ĠAurora":22218,"Ġ401":22219,"ulsive":22220,"ĠLogan":22221,"inburgh":22222,"ĠCenters":22223,"ĠONLY":22224,"ĠAid":22225,"Ġparadox":22226,"Ġhurd":22227,"ĠLC":22228,"Due":22229,"court":22230,"Ġoffended":22231,"Ġevaluating":22232,"ĠMatthews":22233,"Ġtomb":22234,"Ġpayroll":22235,"Ġextraction":22236,"ĠHands":22237,"ifi":22238,"Ġsupernatural":22239,"ĠCOMM":22240,"]=":22241,"dogs":22242,"Ġ512":22243,"ĠMeeting":22244,"Richard":22245,"ĠMaximum":22246,"Ġideals":22247,"Things":22248,"mand":22249,"ĠRegardless":22250,"Ġhumili":22251,"buffer":22252,"Little":22253,"ĠDani":22254,"ĠNak":22255,"Ġliberation":22256,"ĠAbe":22257,"ĠOL":22258,"Ġstuffed":22259,"aca":22260,"inda":22261,"raphic":22262,"Ġmosqu":22263,"Ġcampaigning":22264,"Ġoccupy":22265,"Squ":22266,"rina":22267,"ĠWel":22268,"ĠVS":22269,"Ġphysic":22270,"Ġpuls":22271,"rint":22272,"oaded":22273,"ETF":22274,"ĠArchives":22275,"Ġvenues":22276,"hner":22277,"ĠTurbo":22278,"Ġlust":22279,"Ġappealed":22280,"quez":22281,"ilib":22282,"ĠTimothy":22283,"Ġomn":22284,"dro":22285,"Ġobsession":22286,"ĠSavage":22287,"1996":22288,"Global":22289,"Jes":22290,"214":22291,"Ġsliding":22292,"Ġdisappro":22293,"ĠMagical":22294,"Ġvoluntarily":22295,"gb":22296,"aney":22297,"Ġprophet":22298,"ĠRein":22299,"ĠJulia":22300,"ĠWorth":22301,"aurus":22302,"Ġbounds":22303,"ieu":22304,")))":22305,"Ġcrore":22306,"ĠCitizen":22307,"Sky":22308,"Ġcolumnist":22309,"Ġseekers":22310,"ondo":22311,"ISA":22312,"ĠLength":22313,"Ġnostalg":22314,"Ġnewcom":22315,"Ġdetrim":22316,"entric":22317,"375":22318,"ĠGE":22319,"Ġautop":22320,"Ġacademics":22321,"AppData":22322,"ĠShen":22323,"Ġidiot":22324,"ĠTransit":22325,"Ġteaspoon":22326,"Wil":22327,"KO":22328,"ĠComedy":22329,">,":22330,"Ġpopulated":22331,"WD":22332,"Ġpigs":22333,"ĠOculus":22334,"Ġsympathetic":22335,"Ġmarathon":22336,"198":22337,"Ġseizure":22338,"sided":22339,"Ġdop":22340,"irtual":22341,"Land":22342,"ĠFloor":22343,"osaurs":22344,"...]":22345,"Ġlos":22346,"Ġsubsidiary":22347,"EY":22348,"ĠParts":22349,"ĠStef":22350,"ĠJudiciary":22351,"Ġ134":22352,"Ġmirrors":22353,"Ġket":22354,"times":22355,"Ġneurolog":22356,"Ġcav":22357,"ĠGuest":22358,"Ġtumor":22359,"scill":22360,"ĠLloyd":22361,"Est":22362,"Ġclearer":22363,"Ġstereotypes":22364,"Ġdur":22365,"nothing":22366,"Reddit":22367,"Ġnegotiated":22368,"------------------------":22369,"235":22370,"Ġflown":22371,"ĠSeoul":22372,"ĠResident":22373,"ĠSCH":22374,"Ġdisappearance":22375,"ĠVince":22376,"grown":22377,"Ġgrabs":22378,"ril":22379,"ĠInfinite":22380,"ĠTwenty":22381,"Ġpedestrian":22382,"Ġjersey":22383,"ĠFur":22384,"ĠInfinity":22385,"ĠElliott":22386,"Ġmentor":22387,"Ġmorally":22388,"Ġobey":22389,"secure":22390,"iffe":22391,"Ġantibiotics":22392,"angled":22393,"ĠFreeman":22394,"ĠIntroduction":22395,"Jun":22396,"Ġmarsh":22397,"icans":22398,"ĠEVENTS":22399,"ochond":22400,"Wall":22401,"iculty":22402,"Ġmisdemeanor":22403,"Ġly":22404,"Thomas":22405,"ĠResolution":22406,"Ġanimations":22407,"ĠDry":22408,"Ġintercourse":22409,"ĠNewcastle":22410,"ĠHog":22411,"ĠEquipment":22412,"177":22413,"Ġterritorial":22414,"Ġarchives":22415,"203":22416,"Filter":22417,"ĠMunich":22418,"Ġcommanded":22419,"ĠWand":22420,"Ġpitches":22421,"ĠCroat":22422,"Ġratios":22423,"ĠMits":22424,"Ġaccumulated":22425,"ĠSpecifically":22426,"Ġgentleman":22427,"acerb":22428,"Ġpenn":22429,"Ġaka":22430,"ĠFuk":22431,"Ġintervene":22432,"ĠRefuge":22433,"ĠAlzheimer":22434,"Ġsuccession":22435,"ohan":22436,"does":22437,"Lord":22438,"Ġseparat":22439,"Ġcorrespondence":22440,"Ġshiny":22441,"Prior":22442,"Ġsulf":22443,"Ġmiserable":22444,"Ġdedication":22445,"().":22446,"Ġspecialists":22447,"Ġdefects":22448,"ĠCult":22449,"ĠXia":22450,"Ġjeopard":22451,"ĠOre":22452,"Ability":22453,"Ġlear":22454,"Ġambitions":22455,"ĠBMI":22456,"ĠArabs":22457,"Ġ1942":22458,"Ġpreservation":22459,"ificate":22460,"Ġashamed":22461,"loss":22462,"ĠRestaur":22463,"Ġresemble":22464,"Ġenrich":22465,"ĠKN":22466,"ĠClan":22467,"float":22468,"Ġplayable":22469,"ITT":22470,"Ġharmony":22471,"arrison":22472,"ĠWeinstein":22473,"were":22474,"Ġpoisoning":22475,"ĠComput":22476,"ĠWordPress":22477,"major":22478,"ĠValve":22479,"Fan":22480,"ĠThrow":22481,"ĠRomans":22482,"ĠDepression":22483,"ados":22484,"Ġtortured":22485,"Ġbalancing":22486,"bottom":22487,"Ġacquiring":22488,"ĠMonte":22489,"ardi":22490,"Ġaura":22491,"Ġ##":22492,"ĠStanding":22493,"ĠAtlas":22494,"CF":22495,"Ġintrins":22496,"ĠBenghazi":22497,"Ġcamping":22498,"Ġtapped":22499,"blade":22500,"strous":22501,"ĠRabb":22502,"ĠWritten":22503,"tip":22504,"ĠNeigh":22505,"sterdam":22506,"ĠAllow":22507,"ĠHealing":22508,"ĠRhod":22509,"num":22510,"Ġcaffeine":22511,"ĠPercent":22512,"Ġboo":22513,"Ġapples":22514,"305":22515,"Ġwelcoming":22516,"Ġapplaud":22517,"Ġausterity":22518,"±":22519,"ĠReality":22520,"efe":22521,"å®":22522,"Ġsucks":22523,"Ġtabs":22524,"ĠPayPal":22525,"Ġbackpack":22526,"Ġgifted":22527,"abulary":22528,"ĠScout":22529,"irteen":22530,"Ġchin":22531,"Ġomitted":22532,"Ġnegatively":22533,"Ġaccessing":22534,"ĠEarn":22535,"Ġambulance":22536,"Ġheadphones":22537,"Ġ205":22538,"ĠRefresh":22539,"president":22540,"ĠKitchen":22541,"ĠEntered":22542,"ĠSnyder":22543,"005":22544,"omical":22545,"Ġborrowed":22546,"ĠNem":22547,"Ġaviation":22548,"Ġstall":22549,"rimination":22550,"Ġuniforms":22551,"itime":22552,"ĠSimmons":22553,"energy":22554,"ablished":22555,"yy":22556,"qualified":22557,"Ġrallies":22558,"ĠStuart":22559,"flight":22560,"Ġgangs":22561,"rag":22562,"Ġvault":22563,"lux":22564,"ĠCompar":22565,"Ġdesignation":22566,"209":22567,"ĠJos":22568,"dollar":22569,"zero":22570,"Ġwells":22571,"303":22572,"Ġconstituents":22573,"Ġheck":22574,"Ġcows":22575,"Ġcommanders":22576,"Ġdifferential":22577,"ĠCatherine":22578,"299":22579,"Ġvalve":22580,"Ġbrace":22581,"Ġperspectives":22582,"cert":22583,"fact":22584,"icularly":22585,"ĠMcN":22586,"planes":22587,"Ġintric":22588,"Ġpeas":22589,"ovan":22590,"Ġtossed":22591,"retch":22592,"ĠLopez":22593,"Ġunfamiliar":22594,"death":22595,"ĠApart":22596,"ĠChang":22597,"Ġrelieved":22598,"rophe":22599,"Ġairports":22600,"Ġfreak":22601,"util":22602,"Mill":22603,"ĠChin":22604,"ĠOwen":22605,"male":22606,"ĠBroken":22607,"ĠWinds":22608,"rob":22609,"rising":22610,"Ġfirefighters":22611,"Ġauthoritarian":22612,"Ġ148":22613,"Bitcoin":22614,"external":22615,"Ġbrowsers":22616,"ichever":22617,"orian":22618,"Ġunb":22619,"Ġpoke":22620,"ĠZot":22621,"Mid":22622,"ĠPopular":22623,"Ġcovert":22624,"Ġcontributes":22625,"Ġ650":22626,"Ġcontention":22627,"Gate":22628,"Ġconsoles":22629,"Ġchromos":22630,"ĠIX":22631,"Ġvisually":22632,"ĠEisen":22633,"Ġjewelry":22634,"Ġdelegation":22635,"Ġaccelerate":22636,"ĠRiley":22637,"Ġslope":22638,"Ġindoor":22639,"itially":22640,"Ġhugely":22641,"Ġtunnels":22642,"Ġfined":22643,"Ġdirective":22644,"Ġforehead":22645,"ustomed":22646,"Ġskate":22647,"Music":22648,"gas":22649,"Ġrecognizing":22650,"ambo":22651,"Ġoverweight":22652,"ĠGrade":22653,"ÙĬ":22654,"Ġsounding":22655,"Ġlocking":22656,"ĠREM":22657,"Store":22658,"Ġexcav":22659,"ĠLikewise":22660,"ĠLights":22661,"Ġelbow":22662,"ĠSupply":22663,"wic":22664,"Ġhandsome":22665,"1994":22666,"Coll":22667,"Ġadequately":22668,"ĠAssociate":22669,"Ġstrips":22670,"Ġcrackdown":22671,"Ġmarvel":22672,"ĠKun":22673,"Ġpassages":22674,"@@@@":22675,"ĠTall":22676,"Ġthoughtful":22677,"namese":22678,"Ġprostitution":22679,"business":22680,"Ġballistic":22681,"personal":22682,"cig":22683,"izational":22684,"Round":22685,"ĠÂłĠÂłĠÂłĠÂł":22686,"ĠColeman":22687,"Ġadmitting":22688,"ĠPlug":22689,"Ġbitcoins":22690,"ĠSuz":22691,"Ġfairness":22692,"Ġsupplier":22693,"Ġcatastrophic":22694,"ĠHelen":22695,"oqu":22696,"Marc":22697,"ĠArticles":22698,"gie":22699,"Ġendangered":22700,"Ġdestiny":22701,"ĠVolt":22702,"olia":22703,"axis":22704,"Ġcheat":22705,"Ġunified":22706,"ICO":22707,"quote":22708,"302":22709,"ĠSed":22710,"Ġsuppression":22711,"Ġanalyzing":22712,"Ġsquat":22713,"Ġfiguring":22714,"Ġcoordinates":22715,"Ġchunks":22716,"Ġ1946":22717,"Ġsubp":22718,"Ġwiki":22719,"ĠForbes":22720,"ĠJupiter":22721,"ĠErik":22722,"imer":22723,"ĠCommercial":22724,"\\)":22725,"Ġlegitimacy":22726,"Ġdental":22727,"ĠMean":22728,"Ġdeficits":22729,"550":22730,"Originally":22731,"ĠHorror":22732,"Ġcontamination":22733,"llah":22734,"Ġconfisc":22735,"ĠClare":22736,"TB":22737,"ĠFailed":22738,"aned":22739,"Ġruler":22740,"ĠController":22741,"Ġfeminists":22742,"Fix":22743,"gay":22744,"207":22745,"Ġrabbit":22746,"Third":22747,"owntown":22748,"Ġglue":22749,"Ġvolatile":22750,"Ġshining":22751,"Ġfoll":22752,"Ġimpaired":22753,"Ġsupers":22754,"æĪ":22755,"Ġclutch":22756,"ļéĨĴ":22757,"Ġprolet":22758,"Ġ(!":22759,"Ġyelled":22760,"ĠKiev":22761,"ĠErn":22762,"ĠShock":22763,"KB":22764,"Ġsituated":22765,"query":22766,"ĠNas":22767,"Ġannex":22768,"character":22769,"ĠHoliday":22770,"Ġautomation":22771,"ĠJill":22772,"ĠRemastered":22773,"Ġlinem":22774,"Ġwilderness":22775,"ĠHorizon":22776,"ĠGuinea":22777,"AZ":22778,"Ġmainland":22779,"Ġsecrecy":22780,"LEASE":22781,"Ġpunk":22782,"ĠProvince":22783,"(),":22784,"Speed":22785,"Ġhanding":22786,"ĠSebast":22787,"Sir":22788,"rase":22789,"Ġjournals":22790,"Ġcongest":22791,"ĠTut":22792,"irrel":22793,"Ġschizophrenia":22794,"Ġmisogyn":22795,"healthy":22796,"Iron":22797,"Ġreacted":22798,"-$":22799,"252":22800,"Ġplural":22801,"Ġplum":22802,"Ġbargain":22803,"Ġgrounded":22804,"finder":22805,"Ġdisse":22806,"ĠLaz":22807,"OOD":22808,"Ġatroc":22809,"Factory":22810,"Ġminions":22811,"Ġori":22812,"ĠBrave":22813,"ĠPRE":22814,"ĠMyanmar":22815,"ĠHod":22816,"Ġexpedition":22817,"Ġexplode":22818,"ĠCoord":22819,"Ġextr":22820,"ĠBrief":22821,"ĠADHD":22822,"Ġhardcore":22823,"feeding":22824,"Ġdile":22825,"ĠFruit":22826,"Ġvaccination":22827,"ĠMao":22828,"osphere":22829,"Ġcontests":22830,"-|":22831,"Ġfren":22832,"isphere":22833,"Rom":22834,"ĠSharp":22835,"ĠTrend":22836,"Ġdisconnect":22837,"âĢ¢âĢ¢":22838,"Ġpersecution":22839,"Earth":22840,"Ġhealthier":22841,"384":22842,"Ġcob":22843,"ĠTrinity":22844,"OWS":22845,"ANN":22846,"Ġspecialty":22847,"Ġgru":22848,"Ġcooperative":22849,"why":22850,"Starting":22851,"ĠIssues":22852,"stre":22853,"ensor":22854,"Ġ185":22855,"Adv":22856,"!?":22857,"ĠRevel":22858,"emia":22859,"ĠHulk":22860,"Ġcelebrations":22861,"ĠSou":22862,"raud":22863,"ĠKlein":22864,"Ġunreal":22865,"context":22866,"Ġpartnerships":22867,"Ġadopting":22868,"tical":22869,"Ġsplash":22870,"ĠHezbollah":22871,"category":22872,"cyclop":22873,"xton":22874,"ĠDot":22875,"urdy":22876,"tz":22877,"Ġenvelope":22878,"ĠNL":22879,"âķ":22880,"Ġwherein":22881,"Spec":22882,"184":22883,"Ġtelev":22884,"aliation":22885,"Ġmyths":22886,"å°":22887,"Ġrigorous":22888,"Ġcommunicating":22889,"Ġobserver":22890,"Ġrehe":22891,"ĠWash":22892,"Ġapologized":22893,"ĠTin":22894,"Ġexpenditures":22895,"workers":22896,"document":22897,"Ġhesitate":22898,"ĠLenin":22899,"Ġunpredictable":22900,"Ġrenewal":22901,"cler":22902,"okia":22903,"ĠCONT":22904,"Ġpostseason":22905,"Tokens":22906,"Ġexacerb":22907,"Ġbetting":22908,"Ġ147":22909,"Ġelevation":22910,"Wood":22911,"ĠSolomon":22912,"194":22913,"004":22914,"output":22915,"Ġredund":22916,"ĠMumbai":22917,"ĠpH":22918,"Ġreproduce":22919,"ĠDuration":22920,"MAX":22921,"Ġbog":22922,"CBS":22923,"ĠBalance":22924,"ĠSgt":22925,"ĠRecent":22926,"Ġcd":22927,"Ġpopped":22928,"Ġincompet":22929,"prop":22930,"ayan":22931,"guy":22932,"Pacific":22933,"Ġtyr":22934,"Ġ{{":22935,"ĠMystic":22936,"ĠDana":22937,"Ġmasturb":22938,"Ġgeometry":22939,"â":22940,"ĠCorrect":22941,"Ġtrajectory":22942,"Ġdistracted":22943,"Ġfoo":22944,"ĠWelsh":22945,"Luc":22946,"mith":22947,"Ġrugby":22948,"Ġrespiratory":22949,"Ġtriangle":22950,"Ġ215":22951,"Ġundergraduate":22952,"ĠSuperior":22953,"changing":22954,"_-":22955,"Ġrightly":22956,"Ġreferee":22957,"Ġlucrative":22958,"Ġunauthorized":22959,"Ġresembles":22960,"ĠGNU":22961,"ĠDerby":22962,"Ġpathways":22963,"ĠLed":22964,"Ġendurance":22965,"Ġstint":22966,"Ġcollector":22967,"Fast":22968,"Ġdots":22969,"Ġnationals":22970,"ĠSecurities":22971,"Ġwhip":22972,"Param":22973,"Ġlearns":22974,"Magic":22975,"Ġdetailing":22976,"moon":22977,"Ġbroadcasting":22978,"Ġbaked":22979,"265":22980,"holm":22981,"ĠSah":22982,"ĠHussein":22983,"ĠCourtesy":22984,"174":22985,"Ġ146":22986,"Ġgeographic":22987,"peace":22988,"Ġjudging":22989,"ĠStern":22990,"Bur":22991,"Ġstoryline":22992,"Gun":22993,"ĠStick":22994,"245":22995,"307":22996,"ãĤ´ãĥ³":22997,"ĠAdministrator":22998,"Ġburnt":22999,"Ġpave":23000,"choes":23001,"Exec":23002,"Ġcampuses":23003,"Result":23004,"Ġmutations":23005,"ĠCharter":23006,"Ġcaptures":23007,"Ġcompares":23008,"Ġbadge":23009,"Scient":23010,"Ġerad":23011,"iery":23012,"oi":23013,"ettes":23014,"ĠEstate":23015,"Ġstrap":23016,"Ġproudly":23017,"Ġfried":23018,"Ġwithdrawn":23019,"ĠVoy":23020,"phony":23021,"Items":23022,"ĠPierce":23023,"bard":23024,"Ġannotation":23025,"anton":23026,"illon":23027,"Impro":23028,"...)":23029,"Ġhappier":23030,"------":23031,"adjust":23032,"Ġstaffers":23033,"Ġactivism":23034,"Ġperf":23035,"Ġalright":23036,"Need":23037,"Ġcommence":23038,"Ġopioid":23039,"ĠAmanda":23040,"Es":23041,"ĠPars":23042,"ĠKaw":23043,"Works":23044,"248":23045,"Ġindo":23046,"tc":23047,"endant":23048,"ĠMoto":23049,"Ġlegalization":23050,"OTE":23051,"Ġtasked":23052,"Ġtsp":23053,"ĠACTIONS":23054,"166":23055,"Ġrefreshing":23056,"ĠNR":23057,"ĠPerez":23058,"Ġinfringement":23059,"SY":23060,"Listen":23061,"inning":23062,"ku":23063,"Ġrotate":23064,"program":23065,"arah":23066,"Design":23067,"Ġ(£":23068,"Ġstoring":23069,"Ġwarrants":23070,"Ġjudgement":23071,"ĠBrist":23072,"usually":23073,"photo":23074,"ĠRan":23075,"ĠPine":23076,"Ġoutrageous":23077,"ĠValentine":23078,"luence":23079,"ĠEverybody":23080,"Altern":23081,"Ġrelevance":23082,"Ġterminated":23083,"Ġdessert":23084,"Ġfulfilled":23085,"Ġprosecuted":23086,"ĠWords":23087,"Ġmigrant":23088,"Ġcultivation":23089,"ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ":23090,"idelity":23091,"ĠVern":23092,"ĠLogin":23093,"Ġmetaphor":23094,"ĠTip":23095,"Ġrecruits":23096,"ĠPig":23097,"ribing":23098,"Ġenthusiasts":23099,"exper":23100,"Ġfrightening":23101,"ĠHair":23102,"anson":23103,"strate":23104,"Ġhi":23105,"Height":23106,"Ġowning":23107,"none":23108,"Ġdislike":23109,"Ġknives":23110,"pherd":23111,"Ġloudly":23112,"ĠAPIs":23113,"Display":23114,"ĠLac":23115,"ĠUSS":23116,"abl":23117,"verages":23118,"Jew":23119,"Ġ172":23120,"ĠHistorical":23121,"atoon":23122,"ĠPhysics":23123,"intern":23124,"Ġwarmth":23125,"Ġtopp":23126,"DM":23127,"Ġgunman":23128,"Ġemperor":23129,"odi":23130,"ãĥ£":23131,"inatory":23132,"ĠRib":23133,"Ġ131":23134,"ĠSaturn":23135,"ĠShining":23136,"Ġwaking":23137,"Quotes":23138,"Ġcomedian":23139,"enberg":23140,"½":23141,"Ġbelievers":23142,"Ġpaperwork":23143,"custom":23144,"Ġlev":23145,"Ġlament":23146,"Ġpouring":23147,"222":23148,"political":23149,"ĠSupplement":23150,"maid":23151,"Ġcruelty":23152,"Ġtread":23153,"ysics":23154,"Aw":23155,"rites":23156,"Ġmodifier":23157,"ĠPosition":23158,"Adam":23159,"lb":23160,"ubs":23161,"Ġimperfect":23162,"Ġclusters":23163,"ĠEngineer":23164,"ĠCherry":23165,"Ġinauguration":23166,"ĠSau":23167,"Ġembodiment":23168,"ĠUncle":23169,"Ġoverr":23170,"Ġexplosions":23171,"cule":23172,"ĠPrinceton":23173,"ĠAndrea":23174,"Ġincorrectly":23175,"Ġearnest":23176,"Ġpilgr":23177,"ĠSprint":23178,"Ġsleeve":23179,"Ġhears":23180,"ĠAmazing":23181,"Ġbrowsing":23182,"agin":23183,"Ġhomeland":23184,"Ġhaw":23185,"Ġdiving":23186,"istered":23187,"178":23188,"Ġbargaining":23189,"ĠArcade":23190,"Ġdelegate":23191,"terson":23192,"................................................................":23193,"ĠJacksonville":23194,"275":23195,"Ġstagn":23196,"Ġadam":23197,"ĠSherman":23198,"CB":23199,"Ġsuburb":23200,"ĠFoods":23201,"Ġconverting":23202,"ĠArist":23203,"Ġchambers":23204,"love":23205,"Ġamino":23206,"ĠGan":23207,"Ġmadness":23208,"mc":23209,"ĠUSE":23210,"defined":23211,"Ġultr":23212,"indust":23213,"Ġwolves":23214,"lance":23215,"Additionally":23216,"Ġcracks":23217,"asia":23218,"ĠReason":23219,"ĠPump":23220,"Ġaccidental":23221,"ĠLaser":23222,"ĠRid":23223,"Ġinitialized":23224,"elli":23225,"Ġunnamed":23226,"Ġnoun":23227,"ĠPassed":23228,"Ġhostage":23229,"ĠEthiop":23230,"shirts":23231,"Ġunrel":23232,"ĠEmbassy":23233,"Ġ1941":23234,"Ġatoms":23235,"Ġpurported":23236,"164":23237,"ĠFi":23238,"Ġgallons":23239,"ĠMonica":23240,"Ġpg":23241,"enment":23242,"Ġsorted":23243,"ĠGospel":23244,"Ġheights":23245,"Ġtraced":23246,"Ġundergoing":23247,"Shell":23248,"Ġsacks":23249,"Ġproportions":23250,"Ġhalluc":23251,"Font":23252,"acet":23253,"Ġwarmer":23254,"ĠINTER":23255,"Ġgrabbing":23256,"Plug":23257,"Ġrealization":23258,"ĠBurke":23259,"Ġenchant":23260,"ATER":23261,"ĠSeed":23262,"Ġabundant":23263,"FM":23264,"Ġcivic":23265,"Vs":23266,"isi":23267,"Ġvow":23268,"Ġreper":23269,"ĠPartnership":23270,"Ġpenetration":23271,"Ġaxe":23272,"Ġshattered":23273,"ĠZombies":23274,"Ġvinyl":23275,"ĠAlert":23276,"eon":23277,"Ġobliged":23278,"ĠIllust":23279,"ĠPlaza":23280,"ĠFrontier":23281,"Ġdavidjl":23282,"ĠSerial":23283,"ĠHav":23284,"ĠNutrition":23285,"Bi":23286,"ĠâĸĪ":23287,"ĠJays":23288,"linux":23289,"Ġhurry":23290,"Ġvoy":23291,"Ġhopeless":23292,"ĠStealth":23293,"Ġãģ":23294,"essors":23295,"ttle":23296,"borg":23297,"ĠSafari":23298,"fell":23299,"Ġwary":23300,"due":23301,"ĠAbove":23302,"Ha":23303,"ELL":23304,"Ġnotor":23305,"ĠWon":23306,"Too":23307,"Ġoccupations":23308,"Ġpossessions":23309,"Ġinviting":23310,"Ġpredators":23311,"Ġaccelerated":23312,"Ġ157":23313,"uterte":23314,"ĠCube":23315,"east":23316,"account":23317,"Give":23318,"Ġtransplant":23319,"redients":23320,"idable":23321,"Ġscreenshots":23322,"ĠGund":23323,"ĠFS":23324,"Ġtravelers":23325,"Ġsensory":23326,"ĠFiat":23327,"ĠRockets":23328,"İĭ":23329,"_{":23330,"Friend":23331,"Ġcharming":23332,"ALS":23333,"Ġenjoyment":23334,"mph":23335,"Ġ5000":23336,"ĠREG":23337,"ÙĨ":23338,"bia":23339,"Ġcompilation":23340,"rost":23341,"ĠVP":23342,"ĠSchne":23343,"2019":23344,"Ġcopying":23345,"MORE":23346,"ĠFlore":23347,"falls":23348,"215":23349,"total":23350,"Ġdisciples":23351,"double":23352,"Ġexceeding":23353,"Ġsmashed":23354,"Ġconceptual":23355,"ĠRomania":23356,"ĠBrent":23357,"ĠICE":23358,"ĠTou":23359,"Ġgrap":23360,"Ġnails":23361,"189":23362,"ãĥĺ":23363,"Ġprocure":23364,"eur":23365,"Ġconfirming":23366,"ĠCec":23367,"awi":23368,"ĠEden":23369,"Ġng":23370,"Ġengineered":23371,"atics":23372,"Ġhooked":23373,"Ġdisgusting":23374,"ĠMurder":23375,"ãĤ¿":23376,"Library":23377,"Ġ168":23378,"Almost":23379,"hematic":23380,"Menu":23381,"ĠNotre":23382,"ĠJur":23383,"Ġkidnapped":23384,"Ġhacker":23385,"ĠJade":23386,"Ġcreepy":23387,"Ġdrawings":23388,"ĠSponsor":23389,"Ġcyclists":23390,"ĠGoblin":23391,"Ġoptimized":23392,"Ġstaged":23393,"ĠMcD":23394,"between":23395,"Age":23396,"eno":23397,"Sex":23398,"ĠWide":23399,"nings":23400,"avis":23401,"Ġincapable":23402,"ĠKob":23403,"Ġrewarding":23404,"ĠLone":23405,"olescent":23406,"Ġcontracted":23407,"Ġsticky":23408,"Jose":23409,"Ball":23410,"fest":23411,"ĠInput":23412,"ĠRecently":23413,"Ġtomat":23414,"square":23415,"Application":23416,"Ġnitrogen":23417,"Ġduplicate":23418,"ĠRecon":23419,"ĠDear":23420,"London":23421,"Ġintra":23422,"Ġdock":23423,"Ġoutreach":23424,"ĠMillion":23425,"Ġmammals":23426,"ampton":23427,"VAL":23428,"Ġsnaps":23429,"Ġdos":23430,"ĠWhole":23431,"ĠReady":23432,"Try":23433,"ĠWinnipeg":23434,"earance":23435,"Ġincurred":23436,"renched":23437,"ĠNSW":23438,"ilot":23439,"raine":23440,"Ġcube":23441,"got":23442,"Ġrunway":23443,"etermined":23444,"ĠHawks":23445,"Ġsurvivor":23446,"ĠWish":23447,"ĠDin":23448,"ĠDEF":23449,"ĠVault":23450,"187":23451,"Ġmushrooms":23452,"Ġcrisp":23453,"bey":23454,"ĠDiscovery":23455,"Ġdevelopmental":23456,"Ġparadigm":23457,"Ġchaotic":23458,"ĠTsu":23459,"Ġ333":23460,"bons":23461,"Ġbacterial":23462,"Ġcommits":23463,"Ġcosmic":23464,"Ġmega":23465,"ocative":23466,"ĠPaint":23467,"ophobic":23468,"Ġvain":23469,"Ġcarved":23470,"ĠThief":23471,"ĠGul":23472,"owship":23473,"Ġcites":23474,"ĠEdinburgh":23475,"Ġdiminished":23476,"Ġacknowledges":23477,"ĠKills":23478,"Ġmicrow":23479,"ĠHera":23480,"Ġseniors":23481,"Ġwhereby":23482,"Hop":23483,"atron":23484,"Ġunavailable":23485,"ĠNate":23486,"Ġ480":23487,"Ġslated":23488,"ĠRebecca":23489,"ĠBattery":23490,"Ġgrammar":23491,"Ġheadset":23492,"Ġcursor":23493,"Ġexcluding":23494,"anye":23495,"aundering":23496,"ebin":23497,"Ġfeasible":23498,"ĠPublishing":23499,"ĠLabs":23500,"ĠCliff":23501,"ĠFerrari":23502,"Ġpac":23503,"visible":23504,"marked":23505,"pell":23506,"Ġpolite":23507,"Ġstaggering":23508,"ĠGalactic":23509,"Ġsuperst":23510,"Ġparan":23511,"ĠOfficers":23512,"ãĢģ":23513,"Ġspecifics":23514,"ulus":23515,"239":23516,"ĠPaste":23517,"AMP":23518,"ĠPanama":23519,"ĠDelete":23520,"anguard":23521,"restrial":23522,"Ġheroic":23523,"ĠDy":23524,"اÙĦ":23525,"Ġincumbent":23526,"Ġcrunch":23527,"tro":23528,"Ġscoop":23529,"Ġblogger":23530,"Ġsellers":23531,"uren":23532,"Ġmedicines":23533,"ĠCaps":23534,"ĠAnimation":23535,"oxy":23536,"Ġoutward":23537,"Ġinquiries":23538,"229":23539,"Ġpsychologist":23540,"ĠSask":23541,"evil":23542,"Ġcontaminated":23543,"ãĤ¨":23544,"herence":23545,"Ġbranded":23546,"ĠAbdul":23547,"zh":23548,"Ġparagraphs":23549,"Ġmins":23550,"Ġcorrelated":23551,"erb":23552,"Ġimpart":23553,"Ġmilestone":23554,"ĠSolutions":23555,"otle":23556,"Ġundercover":23557,"Ġmarched":23558,"ĠChargers":23559,"fax":23560,"ĠSecrets":23561,"Ġruth":23562,"weather":23563,"Ġfeminine":23564,"Ġsham":23565,"Ġprestigious":23566,"iggins":23567,"Ġsung":23568,"history":23569,"ettle":23570,"ggie":23571,"Ġoutdated":23572,"oland":23573,"Ġperceptions":23574,"ĠSession":23575,"ĠDodgers":23576,"uj":23577,"ĠEND":23578,"Doc":23579,"Ġdeficiency":23580,"Grand":23581,"ĠJoker":23582,"Ġretrospect":23583,"Ġdiagnostic":23584,"Ġharmless":23585,"Ġrogue":23586,"ĠAval":23587,"Equ":23588,"Ġtransc":23589,"ĠRobertson":23590,"ĠDepending":23591,"ĠBurns":23592,"ivo":23593,"Ġhostility":23594,"Features":23595,"ĵĺ":23596,"Ġdiscomfort":23597,"ĠLCD":23598,"specified":23599,"ĠExpect":23600,"340":23601,"Ġimperative":23602,"ĠRegular":23603,"Chinese":23604,"Ġstatewide":23605,"Ġsymm":23606,"Ġloops":23607,"Ġautumn":23608,"Nick":23609,"Ġshaping":23610,"Ġquot":23611,"Ġcherry":23612,"ĠCrossref":23613,"è¦ļéĨĴ":23614,"Standard":23615,"heed":23616,"ĠDell":23617,"ĠVietnamese":23618,"Ġost":23619,"ĠValkyrie":23620,"OA":23621,"Assad":23622,"Ġrebound":23623,"ĠTraffic":23624,"places":23625,"æĺ":23626,"ĠBuc":23627,"172":23628,"Ġshelters":23629,"Ġinsisting":23630,"ĠCertainly":23631,"ĠKenneth":23632,"ĠTCP":23633,"Ġpenal":23634,"ĠReplay":23635,"heard":23636,"Ġdialect":23637,"iza":23638,"ĠFY":23639,"itcher":23640,"ĠDL":23641,"Ġspiral":23642,"Ġquarterbacks":23643,"Ġhull":23644,"Ġgoogle":23645,"Ġtodd":23646,"ĠSterling":23647,"ĠPlate":23648,"Ġspying":23649,"mbol":23650,"ĠRealm":23651,"ĠProced":23652,"ĠCrash":23653,"Ġterminate":23654,"Ġprotesting":23655,"Center":23656,"guided":23657,"Ġuncover":23658,"Ġboycott":23659,"Ġrealizes":23660,"sound":23661,"Ġpretending":23662,"ĠVas":23663,"1980":23664,"Ġframed":23665,"Ġ139":23666,"Ġdescended":23667,"Ġrehabilitation":23668,"Ġborrowing":23669,"ĠBuch":23670,"Ġblur":23671,"Ron":23672,"ĠFrozen":23673,"enza":23674,"Chief":23675,"ĠPoor":23676,"Ġtranslates":23677,"MIN":23678,"Ġ212":23679,"JECT":23680,"Ġerupted":23681,"Ġsuccesses":23682,"SEC":23683,"Ġplague":23684,"Ġgems":23685,"doms":23686,"Ġstretches":23687,"ĠSpy":23688,"Ġstorytelling":23689,"Credit":23690,"ĠPush":23691,"Ġtraction":23692,"Ġineffective":23693,"ĠLuna":23694,"Ġtapes":23695,"Ġanalytics":23696,"ercise":23697,"Ġprogrammes":23698,"ĠCarbon":23699,"Ġbehold":23700,"heavy":23701,"ĠConservation":23702,"ĠFIR":23703,"Ġsack":23704,"termin":23705,"ricks":23706,"Ġhoused":23707,"Ġunusually":23708,"Ice":23709,"Ġexecuting":23710,"ĠMoroc":23711,"eday":23712,"Ġeditions":23713,"Ġsmarter":23714,"ĠBA":23715,"Ġoutlaw":23716,"Ġvanished":23717,"iba":23718,"ALSE":23719,"ĠSilva":23720,"238":23721,"Could":23722,"Ġphilosopher":23723,"Ġevacuated":23724,"Secret":23725,"142":23726,"Ġvisas":23727,"ãĤ¬":23728,"ĠMalt":23729,"ĠClearly":23730,"ĠNiger":23731,"ĠCairo":23732,"ĠFist":23733,"380":23734,"ĠXML":23735,"auto":23736,"itant":23737,"Ġreinforced":23738,"Record":23739,"ĠSurvivor":23740,"GHz":23741,"Ġscrews":23742,"parents":23743,"Ġoceans":23744,"mares":23745,"Ġbrakes":23746,"vasive":23747,"Ġhello":23748,"ĠSIM":23749,"rimp":23750,"Ġore":23751,"ĠArmour":23752,"247":23753,"Ġterrific":23754,"Ġtones":23755,"141":23756,"ĠMinutes":23757,"Episode":23758,"Ġcurves":23759,"Ġinflammatory":23760,"Ġbatting":23761,"ĠBeautiful":23762,"Lay":23763,"Ġunpop":23764,"vable":23765,"Ġriots":23766,"ĠTactics":23767,"baugh":23768,"ĠCock":23769,"Ġorgasm":23770,"ĠSas":23771,"Ġconstructor":23772,"etz":23773,"Gov":23774,"Ġantagon":23775,"Ġtheat":23776,"Ġdeeds":23777,"hao":23778,"cuts":23779,"ĠMcCl":23780,"Ġum":23781,"ĠScientists":23782,"Ġgrassroots":23783,"yssey":23784,"\"]=>":23785,"Ġsurfaced":23786,"Ġshades":23787,"Ġneighbours":23788,"Ġadvertis":23789,"oya":23790,"Ġmerged":23791,"Upon":23792,"Ġgad":23793,"Ġanticipate":23794,"Anyway":23795,"Ġslogan":23796,"Ġdisrespect":23797,"Iran":23798,"ĠTB":23799,"acted":23800,"Ġsubpoen":23801,"mediately":23802,"OOOO":23803,"Ġwaiver":23804,"Ġvulnerabilities":23805,"ottesville":23806,"ĠHuffington":23807,"Josh":23808,"ĠDH":23809,"Monday":23810,"ĠEllen":23811,"Know":23812,"xon":23813,"items":23814,"228":23815,"Ġfills":23816,"ĠNike":23817,"Ġcumulative":23818,"andals":23819,"Ir":23820,"Ġì":23821,"Ġfriction":23822,"igator":23823,"Ġscans":23824,"ĠVienna":23825,"ldom":23826,"Ġperformers":23827,"Prim":23828,"Ġbidding":23829,"Mur":23830,"Ġleaned":23831,"ĠPrix":23832,"alks":23833,"Ġ[â̦]":23834,"ĠTwitch":23835,"ĠDeveloper":23836,"ĠGir":23837,"Ġcallback":23838,"Abstract":23839,"Ġaccustomed":23840,"Ġfreedoms":23841,"ĠPG":23842,"uracy":23843,"Ġlump":23844,"isman":23845,",,,,":23846,"1992":23847,"ĠRED":23848,"Ġworm":23849,"Match":23850,"ĠPlatinum":23851,"IJ":23852,"ĠOwner":23853,"Trivia":23854,"compl":23855,"Ġnewborn":23856,"Ġfantas":23857,"Own":23858,"Ġ1959":23859,"Ġsympath":23860,"Ġubiqu":23861,"Ġoutputs":23862,"Ġallev":23863,"Ġprag":23864,"Kevin":23865,"Ġfavors":23866,"Ġburial":23867,"Ġnurt":23868,"solete":23869,"cache":23870,"Ġ156":23871,"Ġunlocks":23872,"techn":23873,"Making":23874,"Ġconquer":23875,"adic":23876,"æĸ":23877,"Ġelf":23878,"Ġelectorate":23879,"ĠKurds":23880,"ĠStack":23881,"ĠSamurai":23882,"Ġâĺħ":23883,"Ġ{}":23884,"ĠSaid":23885,"ĠFallout":23886,"Ġkindness":23887,"ĠCustoms":23888,"ĠBoulevard":23889,"Ġhelicopters":23890,"otics":23891,"ĠVeget":23892,"comment":23893,"Ġcriticised":23894,"Ġpolished":23895,"ĠRemix":23896,"ĠCultural":23897,"Ġrecons":23898,"Ġdoi":23899,"atem":23900,"Screen":23901,"Ġbarred":23902,"Comments":23903,"ĠGenerally":23904,"Ġslap":23905,"720":23906,"Vari":23907,"pine":23908,"Ġempt":23909,"Ġhats":23910,"ĠPlaying":23911,"lab":23912,"average":23913,"forms":23914,"ĠCotton":23915,"Ġcans":23916,"ĠDON":23917,"ĠSomalia":23918,"Crypt":23919,"ĠIncreases":23920,"Ever":23921,"modern":23922,"Ġsurgeon":23923,"3000":23924,"Ġrandomized":23925,"================================================================":23926,"Bern":23927,"impl":23928,"ĠCOR":23929,"Ġproclaim":23930,"thouse":23931,"Ġtoes":23932,"Ġample":23933,"Ġpreserving":23934,"Ġdisbel":23935,"grand":23936,"Besides":23937,"Ġsilk":23938,"ĠPattern":23939,"hm":23940,"Ġenterprises":23941,"Ġaffidavit":23942,"ĠAdvisory":23943,"Ġadvertised":23944,"ĠReligious":23945,"sections":23946,"psych":23947,"ĠFields":23948,"aways":23949,"Ġhashtag":23950,"ĠNightmare":23951,"Ġvampire":23952,"Ġforensic":23953,"rossover":23954,"nar":23955,"Ġnavy":23956,"Ġvacant":23957,"ĠDuel":23958,"Ġhallway":23959,"Ġfacebook":23960,"identally":23961,"ĠNRA":23962,"Ġmatt":23963,"Ġhurricane":23964,"ĠKirby":23965,"ĠPuzzle":23966,"Ġskirt":23967,"oust":23968,"dullah":23969,"Ġanalogy":23970,"inion":23971,"Ġtomatoes":23972,"ĠNV":23973,"ĠPeak":23974,"ĠMeyer":23975,"Ġappointments":23976,"Ġmasc":23977,"Ġalley":23978,"rehend":23979,"Ġcharities":23980,"Ġundo":23981,"Ġdestinations":23982,"ĠTesting":23983,"\">\"":24618,"cats":24619,"*.":24620,"Ġgestures":24621,"general":24622,"League":24623,"Ġpackets":24624,"ĠInspector":24625,"ĠBerg":24626,"Ġfraudulent":24627,"Ġcriticize":24628,"Fun":24629,"Ġblaming":24630,"ndra":24631,"Ġslash":24632,"ĠEston":24633,"Ġproposing":24634,"Ġwhales":24635,"Ġtherapist":24636,"Ġsubset":24637,"Ġleisure":24638,"ELD":24639,"ĠCVE":24640,"ĠActivity":24641,"Ġculmin":24642,"shop":24643,"ĠDAY":24644,"ischer":24645,"ĠAdmiral":24646,"ĠAttacks":24647,"Ġ1958":24648,"Ġmemoir":24649,"Ġfolded":24650,"Ġsexist":24651,"Ġ153":24652,"ĠLI":24653,"Ġreadings":24654,"Ġembarrassment":24655,"ĠEmployment":24656,"wart":24657,"chin":24658,"Ġcontinuation":24659,"lia":24660,"Recently":24661,"Ġduel":24662,"Ġevacuation":24663,"ĠKashmir":24664,"Ġdisposition":24665,"ĠRig":24666,"Ġbolts":24667,"Ġinsurers":24668,"467":24669,"Mex":24670,"Ġretaliation":24671,"Ġmisery":24672,"Ġunreasonable":24673,"raining":24674,"Imm":24675,"ĠPU":24676,"emer":24677,"Ġgenital":24678,"ãĤ³":24679,"ĠCandy":24680,"Ġonions":24681,"ĠPatt":24682,"liner":24683,"Ġconceded":24684,"Ġfa":24685,"Ġforc":24686,"ĠHernandez":24687,"ĠGeoff":24688,"debian":24689,"ĠTeams":24690,"Ġcries":24691,"Ġhomeowners":24692,"237":24693,"ABC":24694,"Ġstitch":24695,"Ġstatistic":24696,"Ġheaders":24697,"ĠBiology":24698,"Ġmotors":24699,"ĠGEN":24700,"ĠLip":24701,"Ġhates":24702,"Ġheel":24703,"Self":24704,"ipl":24705,"EDIT":24706,"orting":24707,"Ġannot":24708,"ĠSpeech":24709,"oldemort":24710,"ĠJavascript":24711,"ĠLeBron":24712,"Ġfootprint":24713,"Ġfn":24714,"Ġseizures":24715,"nas":24716,"hide":24717,"Ġ1954":24718,"ĠBee":24719,"ĠDeclaration":24720,"ĠKatie":24721,"Ġreservations":24722,"NR":24723,"female":24724,"Ġsaturated":24725,"Ġbiblical":24726,"Ġtrolls":24727,"Device":24728,"photos":24729,"Ġdrums":24730,"ãĥīãĥ©ãĤ´ãĥ³":24731,"Night":24732,"fighter":24733,"ĠHak":24734,"riber":24735,"Ġcush":24736,"Ġdisciplinary":24737,"baum":24738,"ĠGH":24739,"ĠSchmidt":24740,"ilibrium":24741,"Ġsixty":24742,"ĠKushner":24743,"rots":24744,"Ġpund":24745,"ĠRac":24746,"Ġsprings":24747,"Ġconve":24748,"Business":24749,"Fall":24750,"Ġqualifications":24751,"Ġverses":24752,"Ġnarciss":24753,"ĠKoh":24754,"ĠWow":24755,"ĠCharlottesville":24756,"edo":24757,"Ġinterrogation":24758,"ĠWool":24759,"365":24760,"Brian":24761,"Ġâľĵ":24762,"Ġalleges":24763,"onds":24764,"idation":24765,"ĠJackie":24766,"yu":24767,"Ġlakes":24768,"Ġworthwhile":24769,"Ġcrystals":24770,"ĠJuda":24771,"Ġcomprehend":24772,"Ġflush":24773,"Ġabsorption":24774,"ĠOC":24775,"Ġfrightened":24776,"ĠChocolate":24777,"Martin":24778,"Ġbuys":24779,"Ġbucks":24780,"Ġappell":24781,"ĠChampionships":24782,"Ġlistener":24783,"ĠDefensive":24784,"Ġcz":24785,"uds":24786,"ĠMate":24787,"Ġreplay":24788,"Ġdecorated":24789,"Ġsunk":24790,"ĠVIP":24791,"ĠAnk":24792,"Ġ195":24793,"aaaa":24794,"Nobody":24795,"ĠMilk":24796,"ĠGur":24797,"ĠMk":24798,"ĠSara":24799,"Ġseating":24800,"ĠWid":24801,"Track":24802,"Ġemploys":24803,"Ġgigantic":24804,"APP":24805,"ãĤ§":24806,"inventory":24807,"Ġtowel":24808,"atche":24809,"lasting":24810,"ĠTL":24811,"Ġlatency":24812,"Ġkne":24813,"Ber":24814,"meaning":24815,"Ġupheld":24816,"Ġplayground":24817,"Ġmant":24818,"Side":24819,"Ġstereo":24820,"Ġnorthwest":24821,"Ġexceptionally":24822,"Ġrays":24823,"Ġrecurring":24824,"Drive":24825,"Ġupright":24826,"Ġabduct":24827,"ĠMarathon":24828,"Ġgoodbye":24829,"Ġalphabet":24830,"hp":24831,"Ġcourtroom":24832,"rington":24833,"othing":24834,"Tag":24835,"Ġdiplomats":24836,"Ġbarbar":24837,"ĠAqua":24838,"183":24839,"3333":24840,"Ġmaturity":24841,"Ġinstability":24842,"ĠApache":24843,"Ġ===":24844,"Ġfasting":24845,"ĠGrid":24846,"ModLoader":24847,"Ġ152":24848,"Abs":24849,"ĠOperating":24850,"etti":24851,"Ġacquaint":24852,"Donnell":24853,"ĠKem":24854,"ĠForge":24855,"Ġarmored":24856,"Mil":24857,"Ġphilosophers":24858,"invest":24859,"Players":24860,"âĪ":24861,"Ġmyriad":24862,"Ġcomrades":24863,"Rot":24864,"Ġremembering":24865,"Ġcorresponds":24866,"Ġprogrammers":24867,"ĠLynn":24868,"Ġolig":24869,"Ġcoherent":24870,"ynchron":24871,"ĠChemical":24872,"Ġjugg":24873,"pair":24874,"posts":24875,"Eye":24876,"ĠInner":24877,"Ġsemester":24878,"ottest":24879,"ĠEmirates":24880,"ricanes":24881,"orously":24882,"mits":24883,"ĠWis":24884,"Ġdodge":24885,"location":24886,"Ġfaded":24887,"Amazon":24888,"ĠProceed":24889,"ĠINFO":24890,"journal":24891,"ĠTruck":24892,"Ten":24893,"Ġ217":24894,"Ġstatutes":24895,"mobile":24896,"ĠTypes":24897,"Recomm":24898,"buster":24899,"pex":24900,"Ġlegends":24901,"Ġheadache":24902,"faced":24903,"ĠWiFi":24904,"ifty":24905,"ĠHER":24906,"Ġcircuits":24907,"ERROR":24908,"226":24909,"olin":24910,"Ġcylinder":24911,"ospace":24912,"ikers":24913,"Prem":24914,"Quant":24915,"Ġconflicting":24916,"Ġslightest":24917,"Ġforged":24918,"ionage":24919,"Stephen":24920,"ĠKub":24921,"ĠOpportun":24922,"ĠHeal":24923,"Ġblo":24924,"Ġrulers":24925,"Ġhuh":24926,"Ġsubmarine":24927,"fy":24928,"asser":24929,"Ġallowance":24930,"ĠKasich":24931,"ĠTas":24932,"ĠAustralians":24933,"ForgeModLoader":24934,"ĠâĨij":24935,"ĠMatrix":24936,"amins":24937,"Ġ1200":24938,"ĠAcqu":24939,"236":24940,"Document":24941,"ĠBreaking":24942,"193":24943,"ĠSubst":24944,"ĠRoller":24945,"ĠProperties":24946,"ĠNI":24947,"tier":24948,"Ġcrushing":24949,"Ġadvocating":24950,"Furthermore":24951,"keepers":24952,"Ġsexism":24953,"xd":24954,"Ġcaller":24955,"ĠSense":24956,"chieve":24957,"ĠTF":24958,"Ġfueled":24959,"Ġreminiscent":24960,"Ġobsess":24961,"urst":24962,"Ġuphold":24963,"ĠFans":24964,"hetics":24965,"ĠâĹ":24966,"ĠBath":24967,"Ġbeverage":24968,"Ġoscill":24969,"254":24970,"Ġpoles":24971,"Ġgradual":24972,"Ġexting":24973,"ĠSuff":24974,"ĠSuddenly":24975,"Ġliking":24976,"Ġ1949":24977,"unciation":24978,"amination":24979,"ĠOmar":24980,"ĠLV":24981,"ĠConsequently":24982,"Ġsynthes":24983,"ĠGIF":24984,"Ġpains":24985,"Ġinteracting":24986,"uously":24987,"incre":24988,"Ġrumor":24989,"ĠScientology":24990,"197":24991,"ĠZig":24992,"Ġspelling":24993,"ĠASS":24994,"Ġextingu":24995,"mson":24996,"Ġgh":24997,"Ġremarked":24998,"ĠStrategic":24999,"ĠMON":25000,"å¥":25001,"gae":25002,"ĠWHAT":25003,"Eric":25004,"ĠCampus":25005,"Ġmethane":25006,"Ġimagin":25007,"JUST":25008,"ĠAlm":25009,"XT":25010,"iq":25011,"ĠRSS":25012,"Ġwrongdoing":25013,"atta":25014,"Ġbigot":25015,"Ġdemonstrators":25016,"ĠCalvin":25017,"ĠVilla":25018,"Ġmembrane":25019,"ĠAwesome":25020,"Ġbenefic":25021,"268":25022,"Ġmagnificent":25023,"ĠLots":25024,"Greg":25025,"ĠBoris":25026,"Ġdetainees":25027,"ĠHerman":25028,"Ġwhispered":25029,"Ġawe":25030,"Professor":25031,"funding":25032,"Ġphysiological":25033,"ĠDestruction":25034,"Ġlimb":25035,"Ġmanipulated":25036,"Ġbubbles":25037,"Ġpseud":25038,"Ġhydra":25039,"ĠBristol":25040,"Ġstellar":25041,"ĠExpansion":25042,"ĠKell":25043,"ĠInterestingly":25044,"Ġmans":25045,"Ġdragging":25046,"Ġecological":25047,"ĠFit":25048,"Ġgent":25049,"Ġbenefited":25050,"ĠHaiti":25051,"Ġpolyg":25052,"ãĥİ":25053,"Ġ2030":25054,"Ġprow":25055,"Ġreconstruction":25056,"Ġwast":25057,"Ġpsychic":25058,"ĠGreeks":25059,"Handler":25060,"162":25061,"ĠPulse":25062,"Ġsolicit":25063,"Ġsys":25064,"Ġinflux":25065,"ĠGentle":25066,"percent":25067,"Ġproliferation":25068,"Ġtaxable":25069,"Ġdisregard":25070,"Ġescaping":25071,"Ġginger":25072,"Ġwithstand":25073,"Ġdevastated":25074,"ĠDew":25075,"series":25076,"Ġinjected":25077,"elaide":25078,"Ġturnover":25079,"heat":25080,"ĻĤ":25081,"Happy":25082,"ĠSilent":25083,"ãĤŃ":25084,"ivism":25085,"Ġirrational":25086,"AMA":25087,"Ġreef":25088,"rub":25089,"Ġ162":25090,"Ġbankers":25091,"ĠEthics":25092,"vv":25093,"Ġcriticisms":25094,"Kn":25095,"186":25096,"Movie":25097,"ĠTories":25098,"Ġnood":25099,"Ġdistortion":25100,"False":25101,"odore":25102,"Ġtasty":25103,"Research":25104,"ĠUID":25105,"-)":25106,"Ġdivorced":25107,"ĠMU":25108,"ĠHayes":25109,"ĠIsn":25110,"iani":25111,"ĠHQ":25112,"Ġ\"#":25113,"ignant":25114,"Ġtraumatic":25115,"ĠLing":25116,"Hun":25117,"Ġsabot":25118,"online":25119,"random":25120,"Ġrenamed":25121,"rared":25122,"KA":25123,"dead":25124,"ét":25125,"ĠAssistance":25126,"Ġseaf":25127,"++++++++":25128,"Ġseldom":25129,"ĠWebb":25130,"Ġboolean":25131,"ulet":25132,"Ġrefrain":25133,"ĠDIY":25134,"rule":25135,"Ġshutting":25136,"Ġutilizing":25137,"loading":25138,"ĠParam":25139,"coal":25140,"ooter":25141,"Ġattracting":25142,"ĠDol":25143,"Ġhers":25144,"agnetic":25145,"ĠReach":25146,"imo":25147,"Ġdiscarded":25148,"ĠPip":25149,"015":25150,"ür":25151,"Ġmug":25152,"Imagine":25153,"COL":25154,"Ġcursed":25155,"ĠShows":25156,"ĠCurtis":25157,"ĠSachs":25158,"speaking":25159,"ĠVista":25160,"ĠFramework":25161,"ongo":25162,"Ġsubreddit":25163,"Ġcrus":25164,"ĠOval":25165,"Row":25166,"growing":25167,"Ġinstallment":25168,"Ġglac":25169,"ĠAdvance":25170,"ECK":25171,"ĠLGBTQ":25172,"LEY":25173,"Ġacet":25174,"Ġsuccessive":25175,"ĠNicole":25176,"Ġ1957":25177,"Quote":25178,"Ġcircumstance":25179,"ackets":25180,"Ġ142":25181,"ortium":25182,"Ġguessed":25183,"ĠFrame":25184,"Ġperpetrators":25185,"ĠAviation":25186,"ĠBench":25187,"Ġhandc":25188,"Ap":25189,"Ġ1956":25190,"259":25191,"rand":25192,"NetMessage":25193,"din":25194,"urtles":25195,"hig":25196,"ĠVIII":25197,"ffiti":25198,"ĠSwords":25199,"bial":25200,"Ġkidnapping":25201,"device":25202,"Ġbarn":25203,"ĠEli":25204,"aucas":25205,"Send":25206,"Constructed":25207,"Ġ½":25208,"Ġneedles":25209,"Ġadvertisements":25210,"Ġvou":25211,"Ġexhibited":25212,"ĠFortress":25213,"Ask":25214,"Berry":25215,"TYPE":25216,"Ġcancers":25217,"umping":25218,"ĠTerritory":25219,"Ġprud":25220,"Ġnas":25221,"Ġatheist":25222,"Ġbalances":25223,"ãģŁ":25224,"ĠShawn":25225,"&&":25226,"Ġlandsc":25227,"ĠRGB":25228,"Ġpetty":25229,"Ġexcellence":25230,"Ġtranslations":25231,"Ġparcel":25232,"ĠChev":25233,"East":25234,"ĠOutput":25235,"imi":25236,"Ġambient":25237,"ĠThreat":25238,"Ġvillains":25239,"Ġ550":25240,"ICA":25241,"Ġtaller":25242,"Ġleaking":25243,"cup":25244,"Ġpolish":25245,"Ġinfectious":25246,"ĠKC":25247,"Ġ@@":25248,"background":25249,"Ġbureaucracy":25250,"ĠSai":25251,"unless":25252,"itious":25253,"ĠSkype":25254,"Atl":25255,"IDENT":25256,"008":25257,"Ġhypocr":25258,"Ġpitchers":25259,"Ġguessing":25260,"ĠFINAL":25261,"Between":25262,"Ġvillagers":25263,"Ġ252":25264,"fashion":25265,"ĠTunis":25266,"Beh":25267,"ĠExc":25268,"ĠMID":25269,"288":25270,"ĠHaskell":25271,"196":25272,"ĠNOR":25273,"Ġspecs":25274,"Ġinvari":25275,"Ġglut":25276,"ĠCars":25277,"Ġimpulse":25278,"Ġhonors":25279,"gel":25280,"Ġjurisdictions":25281,"ĠBundle":25282,"ulas":25283,"California":25284,"ĠIncrease":25285,"Ġpear":25286,"Ġsingles":25287,"Ġcues":25288,"Ġunderwent":25289,"ĠWS":25290,"Ġexaggerated":25291,"Ġdubious":25292,"Ġflashing":25293,"LOG":25294,")].":25295,"Journal":25296,"tg":25297,"Van":25298,"ĠIstanbul":25299,"ĠInsp":25300,"ĠFranken":25301,"Draw":25302,"Ġsadness":25303,"Ġironic":25304,"ĠFry":25305,"xc":25306,"Ġ164":25307,"isch":25308,"Way":25309,"ĠProtestant":25310,"horn":25311,"Ġunaff":25312,"ĠViv":25313,"illas":25314,"ĠProductions":25315,"ĠHogan":25316,"Ġperimeter":25317,"ĠSisters":25318,"Ġspontaneous":25319,"Ġdownside":25320,"Ġdescendants":25321,"Ġorn":25322,"worm":25323,"Japanese":25324,"Ġ1955":25325,"Ġ151":25326,"ĠDoing":25327,"elsen":25328,"umbles":25329,"Ġradically":25330,"ĠDrum":25331,"ĠBach":25332,"Ġliabilities":25333,"ĠOB":25334,"ĠElementary":25335,"Ġmeme":25336,"ynes":25337,"Ġfingerprint":25338,"ĠGrab":25339,"Ġundertake":25340,"Members":25341,"ĠReader":25342,"ĠSims":25343,"god":25344,"Ġhypothetical":25345,"scient":25346,"ĠAJ":25347,"Ġcharism":25348,"Ġadmissions":25349,"ĠMissile":25350,"trade":25351,"Ġexercising":25352,"ĠBackground":25353,"Written":25354,"Ġvocals":25355,"whether":25356,"Ġvi":25357,"ĠWinner":25358,"Ġlitter":25359,"ĠShooting":25360,"STEM":25361,"ãĤ¡":25362,"ĠAFL":25363,"Ġvariability":25364,"Ġeats":25365,"ĠDPS":25366,"brow":25367,"Ġelephants":25368,"Ġstrat":25369,"ĠÅ":25370,"Ġsettlers":25371,"Matthew":25372,"Ġinadvert":25373,"HI":25374,"ĠIMF":25375,"ĠGoal":25376,"Ġnerves":25377,"Johnson":25378,"eye":25379,"ablishment":25380,"Thursday":25381,"BILITY":25382,"Had":25383,"amoto":25384,"hetamine":25385,"eps":25386,"Ġmitochond":25387,"Ġcompressed":25388,"ĠTrevor":25389,"ĠAnimals":25390,"Tool":25391,"Lock":25392,"Ġtweak":25393,"Ġpinch":25394,"Ġcancellation":25395,"Pot":25396,"Ġfocal":25397,"ĠAstron":25398,"173":25399,"ĠASC":25400,"ĠOTHER":25401,"umni":25402,"Ġdemise":25403,"dl":25404,"Ùħ":25405,"Semitism":25406,"Ġcracking":25407,"Ġcollaborative":25408,"Ġexplores":25409,"sql":25410,"Ġherbs":25411,"Ġconfigurations":25412,"mis":25413,"ĠResult":25414,"acey":25415,"ĠSmoke":25416,"Ġsanct":25417,"elia":25418,"Ġdegener":25419,"Ġdeepest":25420,"Ġscreamed":25421,"Ġnap":25422,"Software":25423,"ĠSTAR":25424,"EF":25425,"ĠXin":25426,"sponsored":25427,"manship":25428,"233":25429,"Ġprimaries":25430,"Ġfiltering":25431,"Ġassemble":25432,"mil":25433,"ĠMyers":25434,"bows":25435,"Ġpunched":25436,"Mic":25437,"Ġinnovations":25438,"Ġfunc":25439,"ando":25440,"Ġfracking":25441,"ĠVul":25442,"оÐ":25443,"oshop":25444,"ĠImmun":25445,"Ġsettling":25446,"Ġadolescents":25447,"Ġrebuilding":25448,"Ġtransforming":25449,"Ġparole":25450,"Ġharbor":25451,"Ġbooking":25452,"otional":25453,"ongevity":25454,"ĠYo":25455,"bug":25456,"Ġemerges":25457,"ĠMethods":25458,"ĠChu":25459,"Pres":25460,"ĠDungeons":25461,"Ġtrailing":25462,"ĠRum":25463,"ĠHugh":25464,"天":25465,"ĠEra":25466,"ĠBattles":25467,"Results":25468,"ĠTrading":25469,"Ġversa":25470,"css":25471,"axies":25472,"heet":25473,"Ġgreed":25474,"1989":25475,"Ġgardens":25476,"Ġcontingent":25477,"Park":25478,"ĠLeafs":25479,"hook":25480,"robe":25481,"Ġdiplomacy":25482,"ĠFuel":25483,"ĠInvasion":25484,"Ġupgrading":25485,"Male":25486,"Ġelic":25487,"Ġrelentless":25488,"ĠCovenant":25489,"apesh":25490,"ĠTrop":25491,"Ty":25492,"production":25493,"arty":25494,"Ġpunches":25495,"ako":25496,"cyclopedia":25497,"ĠRabbit":25498,"ĠHDMI":25499,"Ġ141":25500,"Ġfoil":25501,"ItemImage":25502,"ĠFG":25503,"Ġimplementations":25504,"ĠPom":25505,"ixtures":25506,"Ġawait":25507,"Ġ330":25508,"amus":25509,"Ġumbrella":25510,"Ġforesee":25511,"separ":25512,"Ġcircumcision":25513,"Ġperipheral":25514,"Say":25515,"ĠExpert":25516,"Inc":25517,"Ġwithdrew":25518,"ĠAnders":25519,"fried":25520,"Ġradioactive":25521,"ĠOpening":25522,"Ġboarding":25523,"ĠND":25524,"Ġoverthrow":25525,"Activ":25526,"WP":25527,"ĠActs":25528,"×Ļ":25529,"Ġmotions":25530,"vic":25531,"ĠMighty":25532,"ĠDefender":25533,"aer":25534,"Ġthankful":25535,"ĠKilling":25536,"ĠBris":25537,"moil":25538,"Ġpredicting":25539,"266":25540,"choice":25541,"Ġkillers":25542,"Ġincub":25543,"ĠChest":25544,"athering":25545,"Ġproclaimed":25546,"flower":25547,"ossom":25548,"umbledore":25549,"ĠCycling":25550,"ĠOccupy":25551,"AGES":25552,"Pen":25553,"ĠYug":25554,"Ġpackaged":25555,"Ġheightened":25556,"cot":25557,"stack":25558,"Cond":25559,"Ġstamps":25560,"mage":25561,"Ġpersuaded":25562,"Ġensl":25563,"ĠCardinal":25564,"Ġsolitary":25565,"Ġpossessing":25566,"ĠCork":25567,"Ġevid":25568,"ĠTay":25569,"Ġblues":25570,"Ġextremism":25571,"Ġlunar":25572,"Ġclown":25573,"Techn":25574,"Ġfestivals":25575,"ĠPvP":25576,"ĠLar":25577,"Ġconsequently":25578,"present":25579,"Ġsomeday":25580,"çİĭ":25581,"ĠMeteor":25582,"Ġtouring":25583,"culture":25584,"Ġbeaches":25585,"Ship":25586,"cause":25587,"ĠFlood":25588,"ãĥ¯":25589,"Ġpurity":25590,"those":25591,"Ġemission":25592,"bolt":25593,"Ġchord":25594,"ĠScripture":25595,"Lu":25596,"Ġ${":25597,"created":25598,"Others":25599,"258":25600,"Ġelemental":25601,"Ġannoyed":25602,"ĠAE":25603,"dan":25604,"ĠSag":25605,"Researchers":25606,"Ġfairy":25607,"âĢĵâĢĵ":25608,"============":25609,"Smart":25610,"GGGG":25611,"Ġskeletons":25612,"Ġpupils":25613,"linked":25614,"Ġurgency":25615,"enabled":25616,"ĠFuck":25617,"Ġcouncill":25618,"rab":25619,"UAL":25620,"TI":25621,"Ġlifes":25622,"Ġconfessed":25623,"Bug":25624,"Ġharmon":25625,"ĠCONFIG":25626,"ĠNeutral":25627,"Double":25628,"Ġstaple":25629,"ĠSHA":25630,"British":25631,"ĠSNP":25632,"ATOR":25633,"oco":25634,"Ġswinging":25635,"gex":25636,"oleon":25637,"plain":25638,"ĠMissing":25639,"ĠTrophy":25640,"vari":25641,"ranch":25642,"Ġ301":25643,"440":25644,"0000000000000000":25645,"Ġrestoring":25646,"Ġhaul":25647,"ucing":25648,"nerg":25649,"Ġfutures":25650,"Ġstrategist":25651,"question":25652,"Ġlateral":25653,"ĠBard":25654,"Ġsor":25655,"ĠRhodes":25656,"ĠDowntown":25657,"?????-":25658,"ĠLit":25659,"ĠBened":25660,"Ġcoil":25661,"street":25662,"ĠPortal":25663,"FILE":25664,"ĠGru":25665,"*,":25666,"231":25667,"neum":25668,"Ġsucked":25669,"Ġrapper":25670,"Ġtendencies":25671,"ĠLauren":25672,"cellaneous":25673,"267":25674,"Ġbrowse":25675,"Ġoverc":25676,"header":25677,"oise":25678,"Ġbeet":25679,"ĠGle":25680,"Stay":25681,"Ġmum":25682,"Ġtyped":25683,"Ġdiscounts":25684,"Talk":25685,"ĠOg":25686,"existing":25687,"ĠSell":25688,"uph":25689,"CI":25690,"ĠAustrian":25691,"ĠWarm":25692,"Ġdismissal":25693,"Ġaverages":25694,"camera":25695,"Ġallegiance":25696,"LAN":25697,"=\"#":25698,"Ġcommentators":25699,"ĠSetting":25700,"ĠMidwest":25701,"Ġpharmac":25702,"ĠEXP":25703,"Ġstainless":25704,"Chicago":25705,"Ġtan":25706,"244":25707,"Ġcountryside":25708,"ĠVac":25709,"295":25710,"Ġpinned":25711,"Ġcrises":25712,"Ġstandardized":25713,"Task":25714,"ĠJail":25715,"ĠDocker":25716,"colored":25717,"forth":25718,"\"},":25719,"Ġpatrons":25720,"Ġspice":25721,"Ġmourn":25722,"ĠMood":25723,"Ġlaundry":25724,"Ġequip":25725,"ĠMole":25726,"yll":25727,"ĠTHC":25728,"nation":25729,"ĠSherlock":25730,"Ġissu":25731,"ĠKre":25732,"ĠAmericas":25733,"ĠAAA":25734,"Ġsystematically":25735,"Ġcontra":25736,"ĠSally":25737,"Ġrationale":25738,"Ġcarriage":25739,"Ġpeaks":25740,"Ġcontradiction":25741,"ensation":25742,"ĠFailure":25743,"Ġprops":25744,"Ġnamespace":25745,"Ġcove":25746,"fields":25747,"ãĤĭ":25748,"Ġwool":25749,"ĠCatch":25750,"Ġpresumed":25751,"ĠDiana":25752,"ragon":25753,"igi":25754,"Ġhamm":25755,"Ġstunt":25756,"ĠGUI":25757,"ĠObservatory":25758,"ĠShore":25759,"Ġsmells":25760,"annah":25761,"Ġcockpit":25762,"ĠDuterte":25763,"850":25764,"Ġoppressed":25765,"breaker":25766,"ĠContribut":25767,"ĠPeru":25768,"ĠMonsanto":25769,"ĠAttempt":25770,"Ġcommanding":25771,"Ġfridge":25772,"ĠRin":25773,"ĠChess":25774,"uality":25775,"Ġol":25776,"Republican":25777,"ĠGlory":25778,"ĠWIN":25779,".......":25780,"agent":25781,"reading":25782,"Ġinh":25783,"Jones":25784,"Ġclicks":25785,"alan":25786,"Ġ[];":25787,"ĠMajesty":25788,"ĠCed":25789,"opus":25790,"atel":25791,"ê":25792,"ARC":25793,"ĠEcuador":25794,"ãĥł":25795,"ĠKuro":25796,"Ġrituals":25797,"Ġcaptive":25798,"Ġounce":25799,"Ġdisagreement":25800,"Ġslog":25801,"fuel":25802,"Pet":25803,"Mail":25804,"Ġexercised":25805,"Ġsolic":25806,"Ġrainfall":25807,"Ġdevotion":25808,"ĠAssessment":25809,"Ġrobotic":25810,"options":25811,"ĠRP":25812,"ĠFamilies":25813,"ĠFlames":25814,"Ġassignments":25815,"007":25816,"akedown":25817,"Ġvocabulary":25818,"Reilly":25819,"Ġcaval":25820,"gars":25821,"Ġsuppressed":25822,"ĠSET":25823,"ĠJohns":25824,"Ġwarp":25825,"broken":25826,"Ġstatues":25827,"Ġadvocated":25828,"Ġ275":25829,"Ġperil":25830,"omorph":25831,"ĠFemin":25832,"perfect":25833,"Ġhatch":25834,"Lib":25835,"512":25836,"Ġlifelong":25837,"313":25838,"Ġcheeks":25839,"Ġnumbered":25840,"ĠMug":25841,"Body":25842,"ravel":25843,"Weight":25844,"ĠJak":25845,"ĠHeath":25846,"Ġkissing":25847,"ĠJUST":25848,"Ġwaving":25849,"upload":25850,"Ġinsider":25851,"ĠProgressive":25852,"ĠFilter":25853,"tta":25854,"ĠBeam":25855,"Ġviolently":25856,"ipation":25857,"Ġskepticism":25858,"Ġ1918":25859,"ĠAnnie":25860,"ĠSI":25861,"Ġgenetics":25862,"Ġonboard":25863,"atl":25864,"ĠFriedman":25865,"ĠBri":25866,"ceptive":25867,"Ġpirate":25868,"ĠReporter":25869,"278":25870,"Ġmythology":25871,"Ġeclipse":25872,"Ġskins":25873,"Ġglyph":25874,"ingham":25875,"Files":25876,"Cour":25877,"women":25878,"Ġregimes":25879,"Ġphotographed":25880,"Kat":25881,"ĠMAX":25882,"Officials":25883,"Ġunexpectedly":25884,"Ġimpressions":25885,"Front":25886,";;;;;;;;":25887,"Ġsupremacy":25888,"Ġsang":25889,"Ġaggravated":25890,"Ġabruptly":25891,"ĠSector":25892,"Ġexcuses":25893,"Ġcosting":25894,"idepress":25895,"Stack":25896,"ĠRNA":25897,"obil":25898,"Ġghosts":25899,"ldon":25900,"atibility":25901,"Topics":25902,"Ġreimburse":25903,"ĠHM":25904,"ĠDeg":25905,"Ġthief":25906,"yet":25907,"ogenesis":25908,"leaning":25909,"ĠKol":25910,"ĠBasketball":25911,"Ġfi":25912,"ĠSeeing":25913,"Ġrecycling":25914,"Ġ[-":25915,"Congress":25916,"Ġlectures":25917,"Psy":25918,"Ġnep":25919,"Ġmaid":25920,"Ġoriented":25921,"AX":25922,"Ġrespectful":25923,"rene":25924,"flush":25925,"ĠUnloaded":25926,"request":25927,"grid":25928,"ĠAlternatively":25929,"ĠHugo":25930,"Ġdecree":25931,"ĠBuddhism":25932,"andum":25933,"Android":25934,"ĠCongo":25935,"ĠJoyce":25936,"Ġacknowledging":25937,"hesive":25938,"ĠTomorrow":25939,"ĠHiro":25940,"thren":25941,"ĠMaced":25942,"Ġhoax":25943,"ĠIncreased":25944,"ĠPradesh":25945,"Wild":25946,"______":25947,"161":25948,"Ġaunt":25949,"Ġdistributing":25950,"ĠTucker":25951,"ĠSSL":25952,"ĠWolves":25953,"Building":25954,"oult":25955,"ĠLuo":25956,"ĠYas":25957,"ĠSpir":25958,"ĠShape":25959,"ĠCambod":25960,"ĠIPv":25961,"Ġml":25962,"Ġextrad":25963,"390":25964,"ĠPenny":25965,"dream":25966,"Ġstationed":25967,"optional":25968,"eworthy":25969,".":26700,"ĠWorkshop":26701,"ĠRetail":26702,"ĠAvatar":26703,"625":26704,"Na":26705,"ĠVC":26706,"ĠSecure":26707,"MY":26708,"1988":26709,"ossip":26710,"Ġprostate":26711,"Ġunden":26712,"Ġgamer":26713,"ĠContents":26714,"ĠWarhammer":26715,"ĠSentinel":26716,"310":26717,"Ġsegregation":26718,"ĠFlex":26719,"ĠMAY":26720,"Ġdrills":26721,"ĠDrugs":26722,"Islamic":26723,"Ġspur":26724,"Ġcafe":26725,"Ġimaginary":26726,"Ġguiding":26727,"Ġswings":26728,"ĠTheme":26729,"oby":26730,"Ġnud":26731,"Ġbegging":26732,"Ġstrongh":26733,"Ġrejecting":26734,"Ġpedestrians":26735,"ĠProspect":26736,"Rare":26737,"sle":26738,"Ġconcessions":26739,"ĠConstitutional":26740,"Ġbeams":26741,"Ġfibers":26742,"poon":26743,"Ġinstincts":26744,"property":26745,"ĠBIG":26746,"Sanders":26747,"imates":26748,"Ġcoating":26749,"Ġcorpses":26750,"ĠTRUE":26751,"checked":26752,"Ġ166":26753,"Ash":26754,"ĠJS":26755,"ĠFiction":26756,"Ġcommunal":26757,"Ġenergetic":26758,"oooooooo":26759,"Ġnowadays":26760,"ILD":26761,"ibo":26762,"ĠSUV":26763,"Ren":26764,"Ġdwelling":26765,"Silver":26766,"Ġtally":26767,"ĠMoving":26768,"Ġcoward":26769,"Ġgenerals":26770,"Ġhorns":26771,"Ġcirculated":26772,"Ġrobbed":26773,"ĠUnlimited":26774,"Ġharassed":26775,"Ġinhibit":26776,"Ġcomposer":26777,"ĠSpotify":26778,"Ġspreads":26779,"364":26780,"Ġsuicidal":26781,"Ġnoises":26782,"ĠStur":26783,"Ġsaga":26784,"ĠKag":26785,"iso":26786,"Ġtheoretically":26787,"Money":26788,"Ġsimilarity":26789,"Ġsliced":26790,"utils":26791,"inges":26792,"\"-":26793,"Ġanth":26794,"Ġimped":26795,"Module":26796,"Throughout":26797,"Ġmenus":26798,"committee":26799,"andi":26800,"obj":26801,"inav":26802,"fired":26803,"ĠAbdullah":26804,"Ġundead":26805,"Ġfonts":26806,"Hold":26807,"ENG":26808,"Ġsustainability":26809,"Ġflick":26810,"Ġrazor":26811,"ĠFest":26812,"ĠCharacters":26813,"Ġwording":26814,"Ġpopulist":26815,"Ġcriticizing":26816,"Ġmuse":26817,"vine":26818,"Ġcardboard":26819,"Ġkindly":26820,"Ġfringe":26821,"ĠTheft":26822,"icultural":26823,"Ġgovernors":26824,"Ġ����":26825,"Ġ163":26826,"Ġtimeout":26827,"ĠAuth":26828,"Children":26829,"AU":26830,"Ġredemption":26831,"ĠAlger":26832,"Ġ1914":26833,"Ġwaved":26834,"Ġastronauts":26835,"ograms":26836,"Ġswamp":26837,"ĠFinnish":26838,"Ġcandle":26839,"Ġtonnes":26840,"utm":26841,"Ġray":26842,"Ġspun":26843,"Ġfearful":26844,"articles":26845,"Ġcaus":26846,"orically":26847,"ĠRequires":26848,"ĠGol":26849,"Ġpope":26850,"Ġinaugural":26851,"Ġgle":26852,"ADA":26853,"ĠISIL":26854,"ĠOffensive":26855,"Ġwatchdog":26856,"Ġbalcon":26857,"entity":26858,"ĠHoo":26859,"Ġgallon":26860,"ACC":26861,"Ġdoubling":26862,"Ġimplication":26863,"ĠSight":26864,"Ġdoctr":26865,"-------":26866,"Ġ\\\\":26867,"Ġmalt":26868,"Roll":26869,"Ġâī¥":26870,"Ġrecap":26871,"adding":26872,"uces":26873,"ĠBend":26874,"figure":26875,"Ġturkey":26876,"Ġsocietal":26877,"ĠTickets":26878,"Ġcommercially":26879,"Ġspicy":26880,"Ġ216":26881,"ĠRamp":26882,"Ġsuperiority":26883,"ï":26884,"ĠTracker":26885,"Carl":26886,"ĠCoy":26887,"ĠPatriot":26888,"Ġconsulted":26889,"Ġlistings":26890,"Ġslew":26891,"reenshot":26892,"ĠGone":26893,"Ġ[...]":26894,"309":26895,"Ġhottest":26896,"ر":26897,"Ġrocky":26898,"ĠDiaz":26899,"Ġmassage":26900,"Ġparaly":26901,"Ġpony":26902,"Az":26903,"Ġcartridge":26904,"ĠNZ":26905,"Ġsnack":26906,"ĠLamar":26907,"plement":26908,"ĠLeslie":26909,"Ġmater":26910,"Ġsnipp":26911,"246":26912,"Ġjointly":26913,"ĠBrisbane":26914,"ĠiPod":26915,"Ġpumping":26916,"Ġgoat":26917,"ĠSharon":26918,"ealing":26919,"Ġcoron":26920,"Ġanomal":26921,"rahim":26922,"ĠConnection":26923,"Ġsculpture":26924,"Ġscheduling":26925,"ĠDaddy":26926,"athing":26927,"Ġeyebrows":26928,"Ġcurved":26929,"Ġsentiments":26930,"Ġdrafting":26931,"Drop":26932,"([":26933,"Ġnominal":26934,"ĠLeadership":26935,"ĠGrow":26936,"Ġ176":26937,"Ġconstructive":26938,"ivation":26939,"Ġcorrupted":26940,"gerald":26941,"ĠCros":26942,"ĠChester":26943,"ĠLap":26944,"ãģª":26945,"OTH":26946,"DATA":26947,"Ġalmond":26948,"probably":26949,"Imp":26950,"Ġfeast":26951,"ĠWarcraft":26952,"Flor":26953,"Ġcheckpoint":26954,"Ġtranscription":26955,"Ġ204":26956,"Ġtweaks":26957,"Ġrelieve":26958,"Science":26959,"Ġperformer":26960,"Zone":26961,"Ġturmoil":26962,"igated":26963,"hibit":26964,"ĠCafe":26965,"themed":26966,"Ġfluor":26967,"bench":26968,"Ġdecom":26969,"ĠUnt":26970,"ĠBarrett":26971,"ĠFacts":26972,"Ġtasting":26973,"ĠPTSD":26974,"ĠSeal":26975,"ĠJudaism":26976,"ĠDynamic":26977,"ĠCors":26978,"Ve":26979,"ĠMing":26980,"ĠTransform":26981,"von":26982,"ĠDefenders":26983,"ĠTactical":26984,"ĠVon":26985,"ĠUnivers":26986,"Ġdistorted":26987,"ĠBreath":26988,"?'\"":26989,"Ġagon":26990,"ĠDeadly":26991,"Ġlan":26992,"ĠCycle":26993,"orned":26994,"Ġreliably":26995,"Ġglor":26996,"ĠMonkey":26997,"ãĥ¡":26998,"Ġadren":26999,"Ġmicrowave":27000,"ĠAlban":27001,"ircraft":27002,"digit":27003,"smart":27004,"ĠDread":27005,"¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯":27006,"{{":27007,"ĠRochester":27008,"Ġsimplified":27009,"Ġinflicted":27010,"Ġtakeover":27011,"Ġyourselves":27012,"aditional":27013,"Ġmuscular":27014,"KS":27015,"Ġingen":27016,"Tax":27017,"ĠFeature":27018,"277":27019,"Ġcruc":27020,"Ġcrate":27021,"Ġunidentified":27022,"Ġacclaimed":27023,"ĠManga":27024,"ĠFrances":27025,"ĠNepal":27026,"ĠGerald":27027,"ĠKuwait":27028,"Ġslain":27029,"ĠHeb":27030,"ĠGoku":27031,"ã쮿":27032,"286":27033,"Mrs":27034,"ĠCody":27035,"ĠSanctuary":27036,"016":27037,"Ġdismant":27038,"Ġdataset":27039,"ĠHond":27040,"buck":27041,"ĠPatterson":27042,"Ġpalette":27043,"ĠGD":27044,"icol":27045,"ĠLodge":27046,"Ġplanetary":27047,"akin":27048,"ĠRegistered":27049,"abwe":27050,"ĠPetersburg":27051,"Ġhailed":27052,"ĠPiece":27053,"Sche":27054,"ĠDOJ":27055,"Ġenumer":27056,"181":27057,"ĠObserver":27058,"ĠBold":27059,"founded":27060,"commerce":27061,"Ġexploits":27062,"ĠFinding":27063,"URN":27064,"ĠSne":27065,"ĠAcid":27066,"ayette":27067,"ĠValues":27068,"Ġdrastic":27069,"Ġarchitectural":27070,"Ġ\".":27071,"×ķ":27072,"umped":27073,"Ġwrapping":27074,"Ġwidow":27075,"ĠSlayer":27076,"lace":27077,"once":27078,"Germany":27079,"avoid":27080,"Ġtemples":27081,"PAR":27082,"ô":27083,"ĠLucifer":27084,"ĠFlickr":27085,"lov":27086,"forces":27087,"Ġscouting":27088,"Ġlouder":27089,"tesy":27090,"Ġbeforehand":27091,"Äĵ":27092,"ĠNeon":27093,"ĠWol":27094,"ĠTypically":27095,"ĠPolitico":27096,"-+-+":27097,"Ġbuilder":27098,"Ġderive":27099,"Kill":27100,"Ġpoker":27101,"Ġambiguous":27102,"Ġlifts":27103,"Ġcyt":27104,"Ġribs":27105,"oodle":27106,"ĠSounds":27107,"hair":27108,"ĠSyndrome":27109,"tf":27110,"Ġproportional":27111,"uid":27112,"Ġpertaining":27113,"ĠKindle":27114,"ĠNegro":27115,"Ġreiterated":27116,"ĠTonight":27117,"oths":27118,"ĠCornell":27119,"Ġowing":27120,"Ġ208":27121,"elfare":27122,"ocating":27123,"ĠBirds":27124,"Subscribe":27125,"Ġessays":27126,"Ġburdens":27127,"Ġillustrations":27128,"arious":27129,"ERAL":27130,"ĠCalcul":27131,"Ġxen":27132,"ĠLinkedIn":27133,"ĠJung":27134,"Ġredesign":27135,"Connor":27136,"296":27137,"Ġreversal":27138,"ĠAdelaide":27139,"ĠLL":27140,"Ġsinking":27141,"Ġgum":27142,"USH":27143,"capt":27144,"ĠGrimm":27145,"Ġfootsteps":27146,"ĠCBD":27147,"ispers":27148,"Ġprose":27149,"Wednesday":27150,"ĠMovies":27151,"edin":27152,"Ġoverturned":27153,"Ġcontentious":27154,"USB":27155,"~~~~~~~~~~~~~~~~":27156,"ĠCopper":27157,"Ġpointless":27158,"NV":27159,"values":27160,"olphin":27161,"dain":27162,"Ġdeposited":27163,"ĠGW":27164,"Ġpreceded":27165,"ĠCla":27166,"ĠGolem":27167,"ĠNim":27168,"Ġβ":27169,"ĠEngineers":27170,"middle":27171,"Ġflatt":27172,"operative":27173,"Ġcouncils":27174,"imbabwe":27175,"elin":27176,"Ġstressful":27177,"ĠLD":27178,"Ġresh":27179,"lake":27180,"Ġwheelchair":27181,"ĠAlternative":27182,"Ġoptimize":27183,"operation":27184,"Ġpeek":27185,"Ġoneself":27186,"igil":27187,"Ġtransitions":27188,"opathy":27189,"blank":27190,"Ġ169":27191,"171":27192,"________________________________________________________________":27193,"Ġlaundering":27194,"Enc":27195,"ĠDEC":27196,"Ġworkouts":27197,"Ġspikes":27198,"Ġdinosaurs":27199,"Ġdiscriminatory":27200,"Pool":27201,"Rather":27202,"385":27203,"RNA":27204,"testers":27205,"eto":27206,"ĠIdentity":27207,"Ġvein":27208,"ĠBurton":27209,"Ġarcade":27210,"420":27211,"Ultimately":27212,"ĠSadly":27213,"ð":27214,"pill":27215,"Ġcubic":27216,"ĠSpectrum":27217,"these":27218,"states":27219,"Ġunofficial":27220,"hawks":27221,"ĠEVERY":27222,"Ġrainbow":27223,"Ġincarceration":27224,"anding":27225,"Ġsyll":27226,"ĠEverton":27227,"Ġ179":27228,"ĠSerbia":27229,"Ġ189":27230,"meter":27231,"ĠMickey":27232,"Ġantiqu":27233,"Ġfactual":27234,"neck":27235,"ĠNare":27236,"norm":27237,"must":27238,"Ġhighways":27239,"Ġglam":27240,"Ġdividing":27241,"ĠSquadron":27242,"ĠMartha":27243,"Ġbirths":27244,"Cover":27245,"////////////////":27246,"ĠWong":27247,"Phot":27248,"ĠALS":27249,"rio":27250,"ĠNonetheless":27251,"ĠLemon":27252,"Ġ206":27253,"ĠEE":27254,"Ġderivative":27255,"ĠWWII":27256,"vote":27257,"Ġtherein":27258,"Ġseparating":27259,"446":27260,"sync":27261,"ĠStreets":27262,"Ġratt":27263,"Ġmunicipality":27264,"ĠShortly":27265,"Ġmonk":27266,"),\"":27267,"Ġscrub":27268,"Ġoperatives":27269,"Neither":27270,"Place":27271,"ĠLimit":27272,"Female":27273,"ĠActor":27274,"Character":27275,"Ġconstituted":27276,"357":27277,"Ġprotested":27278,"ĠStraw":27279,"ĠHeight":27280,"ilda":27281,"ĠTyph":27282,"Ġfloods":27283,"Ġcosmetic":27284,"WAY":27285,"perture":27286,"upon":27287,"tons":27288,"essing":27289,"ĠPocket":27290,"Ġrooft":27291,"ĠCaucas":27292,"Ġantidepress":27293,"Ġincompatible":27294,"ECD":27295,"Ġopera":27296,"ĠContest":27297,"Ġgenerators":27298,"lime":27299,"Defense":27300,"1987":27301,"forum":27302,"Ġsavage":27303,"ĠHungarian":27304,"nz":27305,"Ġmetallic":27306,"Ġexpelled":27307,"Ġresidency":27308,"Ġdresses":27309,"666":27310,"ĠClement":27311,"fires":27312,"Category":27313,"Ġgeek":27314,"alis":27315,"Ġcemetery":27316,"educated":27317,"Ġcrawl":27318,"ĠUnable":27319,"ĠTyson":27320,"akis":27321,"Ġpardon":27322,"ĠWra":27323,"Ġstrengthened":27324,"ĠFors":27325,"335":27326,"ĠHC":27327,"ĠMond":27328,"Ġvisuals":27329,"ĠBeatles":27330,"ettlement":27331,"Ġï":27332,"gro":27333,"Ġbash":27334,"Ġpoorest":27335,"Ġexcel":27336,"Ġaspirations":27337,"ĠMunicip":27338,"ensible":27339,"Ġceremonies":27340,"Ġintimidation":27341,"ĠCONTR":27342,"beck":27343,"ĠKap":27344,"asu":27345,"Ġtrademarks":27346,"ĠSew":27347,"ĠCompetition":27348,"network":27349,"ĠArri":27350,"ĠTet":27351,"Roaming":27352,"WC":27353,"Dat":27354,"Ġsob":27355,"Ġpairing":27356,"Ġoverdose":27357,"SAY":27358,"aber":27359,"Ġrevolt":27360,"ĠFah":27361,"acting":27362,"eq":27363,"estation":27364,"Fight":27365,"ĠMarks":27366,"273":27367,"Ġ178":27368,"Raw":27369,"ãģĭ":27370,"349":27371,"blocks":27372,"Ġverge":27373,"estine":27374,"ĠPodesta":27375,"Ġinvasive":27376,"Ġprofoundly":27377,"ĠAo":27378,"each":27379,"Ġlest":27380,"interpret":27381,"Ġshrinking":27382,"Ġerrone":27383,"Ġchees":27384,"lys":27385,"ĠIvy":27386,"ĠDirectory":27387,"Ġhinted":27388,"VICE":27389,"Ġcontacting":27390,"ĠGent":27391,"hei":27392,"Ġlabeling":27393,"Ġmercury":27394,"ĠLite":27395,"Ġexpires":27396,"Ġdestabil":27397,"ritis":27398,"cu":27399,"Ġfeathers":27400,"Ġsteer":27401,"Ġprogrammed":27402,"ĠVader":27403,"Going":27404,"ĠElim":27405,"Ġyo":27406,"ĠMiche":27407,"Ġ203":27408,"Ġsleeves":27409,"Ġbully":27410,"ĠHumans":27411,"368":27412,"Ġcompress":27413,"ĠBanner":27414,"ARS":27415,"Ġawhile":27416,"Ġcalib":27417,"Ġsponsorship":27418,"ĠDifficulty":27419,"ĠPapers":27420,"Ġidentifier":27421,"}.":27422,"Ġyog":27423,"ĠShia":27424,"Ġcleanup":27425,"Ġvibe":27426,"introdu":27427,"imming":27428,"Australia":27429,"Ġoutlines":27430,"ĠYoutube":27431,"train":27432,"ĠMakes":27433,"Ġdeported":27434,"Ġcentr":27435,"ĠDug":27436,"ĠBoulder":27437,"ĠBuffy":27438,"Ġinjunction":27439,"ĠHarley":27440,"ĠGroups":27441,"ĠDumbledore":27442,"ĠClara":27443,"Ġ\"-":27444,"Ġsacrificed":27445,"eph":27446,"Shadow":27447,"ibling":27448,"Ġfreelance":27449,"Ġevidently":27450,"phal":27451,"Ġretains":27452,"Mir":27453,"Ġfinite":27454,"dar":27455,"ĠCous":27456,"Ġrepaired":27457,"Ġperiodic":27458,"Ġchampionships":27459,"Ġasteroid":27460,"blind":27461,"Ġexpressly":27462,"ĠAstros":27463,"Ġscaled":27464,"Ġgeographical":27465,"ĠRapids":27466,"Enjoy":27467,"Ġelastic":27468,"ĠMohamed":27469,"Market":27470,"begin":27471,"Ġdiscovers":27472,"Ġtelecommunications":27473,"Ġscanner":27474,"Ġenlarge":27475,"Ġsharks":27476,"Ġpsychedel":27477,"ĠRouge":27478,"Ġsnapshot":27479,"isine":27480,"XP":27481,"Ġpesticides":27482,"ĠLSD":27483,"ĠDistribution":27484,"really":27485,"Ġdegradation":27486,"Ġdisguise":27487,"Ġbiom":27488,"ĠEXT":27489,"Ġequations":27490,"Ġhazards":27491,"ĠCompared":27492,")*":27493,"Ġvirtues":27494,"Ġelders":27495,"Ġenhancing":27496,"ĠAcross":27497,"eros":27498,"angling":27499,"Ġcombust":27500,"ucci":27501,"Ġconcussion":27502,"Ġcontraception":27503,"ĠKang":27504,"Ġexpresses":27505,"Ġaux":27506,"ĠPione":27507,"Ġexhibits":27508,"Debug":27509,"OTAL":27510,"ĠAlready":27511,"ĠWheeler":27512,"Ġexpands":27513,"?:":27514,"Ġreconciliation":27515,"Ġpirates":27516,"Ġpurse":27517,"Ġdiscourage":27518,"Ġspectacle":27519,"Rank":27520,"Ġwraps":27521,"ĠThought":27522,"Ġimpending":27523,"Opp":27524,"ĠAnglo":27525,"ĠEUR":27526,"Ġscrewed":27527,"retched":27528,"Ġencouragement":27529,"models":27530,"Ġconfuse":27531,"mmm":27532,"ĠVitamin":27533,"âĸijâĸij":27534,"Cru":27535,"Ġknights":27536,"Ġdiscard":27537,"Ġbishops":27538,"ĠWear":27539,"ĠGarrett":27540,"kan":27541,"ãĥŁ":27542,"Ġmasculine":27543,"capital":27544,"ĠAus":27545,"Ġfatally":27546,"thanks":27547,"ĠAU":27548,"ĠGut":27549,"1200":27550,"Ġ00000000":27551,"Ġsurrog":27552,"ĠBIOS":27553,"raits":27554,"ĠWatts":27555,"Ġresurrection":27556,"ĠElectoral":27557,"ĠTips":27558,"4000":27559,"Ġnutrient":27560,"Ġdepicting":27561,"Ġsprink":27562,"Ġmuff":27563,"ĠLIM":27564,"ĠSample":27565,"psc":27566,"ibi":27567,"generated":27568,"Ġspecimens":27569,"Ġdissatisf":27570,"Ġtailored":27571,"Ġholdings":27572,"ĠMonthly":27573,"ĠEat":27574,"poons":27575,"Ġnec":27576,"ĠCage":27577,"ĠLotus":27578,"ĠLantern":27579,"Ġfrontier":27580,"Ġpensions":27581,"Ġjoked":27582,"ĠHardy":27583,"=-=-=-=-":27584,"rade":27585,"UID":27586,"Ġrails":27587,"Ġemit":27588,"Ġslate":27589,"Ġsmug":27590,"Ġspit":27591,"ĠCalls":27592,"ĠJacobs":27593,"feat":27594,"ĠUE":27595,"Ġrestruct":27596,"Ġregeneration":27597,"Ġenergies":27598,"ĠConnor":27599,"OHN":27600,"ĠCheese":27601,"Ġger":27602,"Ġresurrect":27603,"management":27604,"NW":27605,"Ġpresently":27606,"ĠBruins":27607,"Member":27608,"ĠMang":27609,"idan":27610,"Ġboosting":27611,"wyn":27612,"+.":27613,"requisite":27614,"ĠNYPD":27615,"ĠMegan":27616,"ĠConditions":27617,"Ġpics":27618,"nesium":27619,"ĠRash":27620,"Ġ174":27621,"ĠDucks":27622,"Ġembro":27623,"zu":27624,"onian":27625,"religious":27626,"Ġcraz":27627,"ĠACA":27628,"ĠZucker":27629,"EMA":27630,"ĠPros":27631,"Weapon":27632,"ĠKnox":27633,"ĠArduino":27634,"Ġstove":27635,"Ġheavens":27636,"ĠPurchase":27637,"Ġherd":27638,"Ġfundraiser":27639,"Digital":27640,"5000":27641,"Ġproponents":27642,"/âĢĭ":27643,"Ġjelly":27644,"ĠVisa":27645,"Ġmonks":27646,"Ġadvancement":27647,"ĠWer":27648,"Ġ187":27649,"eus":27650,"ertility":27651,"Ġfetal":27652,"Ġ1936":27653,"Lo":27654,"Ġoutfits":27655,"Ġstaircase":27656,"bomb":27657,"Ġcustomized":27658,"clair":27659,"Tree":27660,"Ġmapped":27661,"ĠConsidering":27662,"ĠTorres":27663,"Ġmethyl":27664,"Ġapproximate":27665,"Ġdoom":27666,"ĠHansen":27667,"Ġcrossover":27668,"Ġstandalone":27669,"ä¼":27670,"Ġinvites":27671,"Ġgraveyard":27672,"Ġhp":27673,"DonaldTrump":27674,"Ġescort":27675,"Gar":27676,"Ġpredecessors":27677,"Ġhay":27678,"Ġenzyme":27679,"ĠStraight":27680,"visors":27681,"Ing":27682,"aneously":27683,"ĠApplied":27684,"Ġfec":27685,"ĠDurant":27686,"Ġoutspoken":27687,"orb":27688,"Ġzeal":27689,"Ġdisgrace":27690,"').":27691,"ĠCheng":27692,"289":27693,"ĠRena":27694,"ĠSuicide":27695,"294":27696,"Ġoutraged":27697,"ĠNewman":27698,"ĠNvidia":27699,"ĠAber":27700,"ĠBers":27701,"Ġrecreation":27702,"Window":27703,"ĠDP":27704,"xe":27705,"Ġpedoph":27706,"Ġfallout":27707,"amboo":27708,"Ġpresentations":27709,"ĠApps":27710,"Ġhtml":27711,"345":27712,"ĠXXX":27713,"Ġrubbing":27714,"ĠLeather":27715,"Ġhumidity":27716,"seys":27717,"established":27718,"ĠUnits":27719,"646":27720,"Ġrespectable":27721,"Auto":27722,"Ġthriving":27723,"ĠInnovation":27724,"angs":27725,"Extra":27726,"regulation":27727,"298":27728,"pick":27729,"Examples":27730,"ĠCJ":27731,"Attack":27732,"Ġdracon":27733,"LT":27734,"Ġsticker":27735,"rers":27736,"Ġsunny":27737,"Iss":27738,"regulated":27739,"dim":27740,"ĠAbstract":27741,"Ġhusbands":27742,"Office":27743,"omination":27744,"itars":27745,"ANGE":27746,"ascal":27747,"ĠKris":27748,"ĠInfantry":27749,"Ġmalf":27750,"ĠAthe":27751,"ĠRally":27752,"balanced":27753,"........................":27754,"OUP":27755,"Ġmolecule":27756,"metics":27757,"ĠSplit":27758,"ĠInstructions":27759,"ĠNights":27760,"cards":27761,"Ġtug":27762,"Ġcone":27763,"åŃ":27764,"Ġtx":27765,"ĠDiscussion":27766,"Ġcatastrophe":27767,"ppe":27768,"gio":27769,"Ġcommunism":27770,"Ġhalted":27771,"ĠGuant":27772,"clean":27773,"ĠSched":27774,"ĠKanye":27775,"Ġwander":27776,"ĠSeriously":27777,"Ġ188":27778,"ennial":27779,"follow":27780,"productive":27781,"ĠFlow":27782,"ĠSail":27783,"Ġcraw":27784,"Ġsimulations":27785,"oru":27786,"angles":27787,"ĠNolan":27788,"Ġmenstru":27789,"470":27790,"Ġ207":27791,"aja":27792,"Ġcasually":27793,"boarding":27794,"Ġ222":27795,"ovy":27796,"ĠNumbers":27797,"umat":27798,"OE":27799,"287":27800,"ĠClemson":27801,"Ġcerts":27802,"Ġslid":27803,"ĠTribe":27804,"Ġtoast":27805,"Ġfortunes":27806,"Ġfals":27807,"ĠCommittees":27808,"Ġgp":27809,"Ġfiery":27810,"ĠNets":27811,"ĠAnime":27812,"Package":27813,"ĠCompare":27814,"laughter":27815,"infect":27816,"Ġatrocities":27817,"Ġjustices":27818,"Ġinsults":27819,"ĠVernon":27820,"Ġshaken":27821,"Ġpersona":27822,"estamp":27823,"367":27824,"brain":27825,"Ġexperimenting":27826,"Ken":27827,"ĠElectronics":27828,"Ġ161":27829,"domain":27830,"Ġgraphical":27831,"bishop":27832,"Ġwhopping":27833,"ĠEvangel":27834,"Ġadvertisers":27835,"ĠSpear":27836,"Ġbids":27837,"Ġdestroys":27838,"utz":27839,"Ġundersc":27840,"ĠADD":27841,"Ġants":27842,"ĠCum":27843,"ipples":27844,"ĠFill":27845,"Ġglanced":27846,"Ġindicted":27847,"ĠEff":27848,"Ġmiscon":27849,"ĠDesktop":27850,"Ġabide":27851,"ãĥĢ":27852,"ĠIo":27853,"ĠCoul":27854,"Ġcapsule":27855,"ĠChrys":27856,"MON":27857,"Ġundes":27858,"ĠIRA":27859,"Ġcitation":27860,"Ġdictate":27861,"ĠNetworks":27862,"ĠConflict":27863,"ĠStuff":27864,"xa":27865,"isec":27866,"ĠChemistry":27867,"Ġquarterly":27868,"Williams":27869,"anan":27870,"Opt":27871,"ĠAlexandria":27872,"outheastern":27873,"ĠSpringfield":27874,"ĠBlacks":27875,"Ġgeography":27876,"242":27877,"Ġutmost":27878,"ĠExxon":27879,"abouts":27880,"EVA":27881,"ĠEnable":27882,"ĠBarr":27883,"Ġdisagreed":27884,"ĠCyprus":27885,"Ġdementia":27886,"Ġlabs":27887,"Ġubiquitous":27888,"ĠLOVE":27889,"Ġconsolidated":27890,"sr":27891,"Ġcreamy":27892,"ĠTimber":27893,"Regardless":27894,"ĠCertificate":27895,"Ġ\"...":27896,"ogenous":27897,"Captain":27898,"Ġinsulting":27899,"ĠSoros":27900,"ĠInstr":27901,"ĠBulgaria":27902,"better":27903,"Ġsucking":27904,"ĠDavidson":27905,"atz":27906,"Ġcollateral":27907,"gif":27908,"Ġplagued":27909,"ĠCancel":27910,"ĠGardner":27911,"RB":27912,"Ġsixteen":27913,"Remove":27914,"uristic":27915,"cook":27916,"Rod":27917,"Ġcomprising":27918,"fle":27919,")âĢĶ":27920,"ĠViking":27921,"growth":27922,"agonal":27923,"Ġsrf":27924,"afety":27925,"mot":27926,"Nearly":27927,"stown":27928,"ĠFactor":27929,"Ġautomobile":27930,"Ġprocedural":27931,"mask":27932,"ampires":27933,"Ġdisappears":27934,"jab":27935,"315":27936,"Ġ1951":27937,"needed":27938,"Ġdaring":27939,"leader":27940,"Ġpodium":27941,"Ġunhealthy":27942,"Ġmund":27943,"Ġpyramid":27944,"ocre":27945,"Ġkissed":27946,"Ġdreamed":27947,"ĠFantastic":27948,"ĠGly":27949,"åĬ":27950,"Ġgreatness":27951,"Ġspices":27952,"Ġmetropolitan":27953,"Ġcompuls":27954,"iets":27955,"1016":27956,"ĠSham":27957,"ĠPyr":27958,"flies":27959,"ĠMidnight":27960,"Ġswallowed":27961,"Ġgenres":27962,"ĠLucky":27963,"ĠRewards":27964,"Ġdispatch":27965,"ĠIPA":27966,"ĠApply":27967,"Ġaven":27968,"alities":27969,"312":27970,"things":27971,"Ġ().":27972,"Ġmates":27973,"ĠSz":27974,"ĠCOP":27975,"olate":27976,"OFF":27977,"Ġrecharge":27978,"caps":27979,"ĠYorker":27980,"icone":27981,"Ġgalaxies":27982,"ileaks":27983,"Dave":27984,"ĠPuzz":27985,"ĠCeltic":27986,"ĠAFC":27987,"276":27988,"ĠSons":27989,"Ġaffirmative":27990,"Hor":27991,"Ġtutorials":27992,"ĠCITY":27993,"ĠRosa":27994,"ĠExtension":27995,"Series":27996,"Ġfats":27997,"Ġrab":27998,"lis":27999,"Ġunic":28000,"Ġeve":28001,"ĠSpin":28002,"Ġadulthood":28003,"typ":28004,"Ġsectarian":28005,"Ġcheckout":28006,"ĠCycl":28007,"Single":28008,"Ġmartyr":28009,"Ġchilling":28010,"888":28011,"oufl":28012,"Ġ];":28013,"Ġcongestion":28014,"mk":28015,"ĠWhereas":28016,"Ġ1938":28017,"urrencies":28018,"erion":28019,"Ġboast":28020,"ĠPatients":28021,"Ġchap":28022,"ĠBD":28023,"realDonaldTrump":28024,"Ġexamines":28025,"hov":28026,"Ġstartling":28027,"ĠBabylon":28028,"wid":28029,"omew":28030,"brance":28031,"ĠOdyssey":28032,"wig":28033,"Ġtorch":28034,"ĠVox":28035,"ĠMoz":28036,"ĠTroll":28037,"ĠAns":28038,"Similarly":28039,"ĠFul":28040,"006":28041,"Unless":28042,"ĠAlone":28043,"stead":28044,"ĠPublisher":28045,"rights":28046,"tu":28047,"ĠDoesn":28048,"Ġprofessionally":28049,"Ġclo":28050,"icz":28051,"Ġsteals":28052,"Ġá":28053,"1986":28054,"Ġsturdy":28055,"ĠJohann":28056,"Ġmedals":28057,"Ġfilings":28058,"ĠFraser":28059,"done":28060,"Ġmultinational":28061,"Ġfeder":28062,"Ġworthless":28063,"Ġpest":28064,"Yesterday":28065,"ankind":28066,"Ġgays":28067,"Ġborne":28068,"ĠPOS":28069,"Picture":28070,"Ġpercentages":28071,"251":28072,"rame":28073,"Ġpotions":28074,"AMD":28075,"ĠLebanese":28076,"Ġrang":28077,"ĠLSU":28078,"ongs":28079,"Ġpeninsula":28080,"ĠClause":28081,"ALK":28082,"oha":28083,"ĠMacBook":28084,"Ġunanimous":28085,"Ġlenders":28086,"Ġhangs":28087,"Ġfranchises":28088,"orers":28089,"ĠUpdates":28090,"Ġisolate":28091,"andro":28092,"Soon":28093,"Ġdisruptive":28094,"ĠSurve":28095,"Ġstitches":28096,"ĠScorp":28097,"ĠDominion":28098,"Ġsupplying":28099,"Arg":28100,"Ġturret":28101,"ĠLuk":28102,"Ġbrackets":28103,"*)":28104,"ĠRevolutionary":28105,"ĠHonest":28106,"Ġnoticing":28107,"ĠShannon":28108,"Ġafforded":28109,"Ġtha":28110,"ĠJanet":28111,"!--":28112,"ĠNarendra":28113,"ĠPlot":28114,"Hol":28115,"sever":28116,"eenth":28117,"Ġobstruction":28118,"Ġ1024":28119,"staff":28120,"jas":28121,"orget":28122,"scenes":28123,"laughs":28124,"ĠFargo":28125,"crime":28126,"Ġorchestr":28127,"Ġdelet":28128,"iliary":28129,"rieved":28130,"Ġmilitar":28131,"ĠGreene":28132,"âĹı":28133,"ãģ¦":28134,"ĠGuards":28135,"Ġunleashed":28136,"ĠWeber":28137,"Ġadjustable":28138,"Ġcaliber":28139,"Ġmotivations":28140,"ĠÃł":28141,"mAh":28142,"ĠLanka":28143,"handle":28144,"Ġpent":28145,"ĠRav":28146,"ĠAngular":28147,"ĠKau":28148,"umbing":28149,"Ġphilanthrop":28150,"Ġdehyd":28151,"Ġtoxicity":28152,"eer":28153,"ĠYORK":28154,"witz":28155,"å¼":28156,"ĠIE":28157,"community":28158,"ĠAH":28159,"Ġretali":28160,"Ġmassively":28161,"ĠDaniels":28162,"ĠDEL":28163,"Ġcarcin":28164,"Url":28165,"Ġrouting":28166,"ĠNPCs":28167,"ĠRAF":28168,"ryce":28169,"Ġwaived":28170,"ĠGuatem":28171,"Everybody":28172,"Ġcovenant":28173,"Ġ173":28174,"Ġrelaxing":28175,"Ġquart":28176,"almost":28177,"Ġguarded":28178,"ĠSoldiers":28179,"ĠPLAY":28180,"Ġoutgoing":28181,"LAND":28182,"Ġrewrite":28183,"ĠMOV":28184,"ĠImper":28185,"ĠSolution":28186,"Ġphenomenal":28187,"Ġlongevity":28188,"Ġimpat":28189,"ĠNissan":28190,"irie":28191,"Ġodor":28192,"ĠZar":28193,"oks":28194,"Ġmilitias":28195,"ĠSPEC":28196,"Ġtolerated":28197,"arser":28198,"ĠBradford":28199,"+,":28200,"Ġsurreal":28201,"sf":28202,"Canadian":28203,"Ġresemblance":28204,"Ġcarbohydrate":28205,"VIEW":28206,"Ġaccessory":28207,"meal":28208,"largest":28209,"iegel":28210,"Someone":28211,"Ġtoughest":28212,"oso":28213,"Ġfunnel":28214,"Ġcondemnation":28215,"luent":28216,"Ġwired":28217,"ĠSunset":28218,"Jesus":28219,"ĠPST":28220,"ĠPages":28221,"ĠTycoon":28222,"ĠPF":28223,"Ġselections":28224,"Ġà¤":28225,"partisan":28226,"Ġhighs":28227,"ĠRune":28228,"Ġcrafts":28229,"lead":28230,"ĠParents":28231,"Ġreclaim":28232,"eker":28233,"ĠAllied":28234,"aeper":28235,"Ġlooming":28236,"Ġbeneficiaries":28237,"ĠHull":28238,"Students":28239,"Jewish":28240,"dj":28241,"Ġpact":28242,"template":28243,"ĠOfficials":28244,"ĠBaylor":28245,"Ġhemp":28246,"Ġyouths":28247,"ĠLevels":28248,"ĠXiao":28249,"ĠChes":28250,"Ġendeavor":28251,"ĠRemoved":28252,"Ġhippocamp":28253,"Hell":28254,"ãĤĬ":28255,"805":28256,"Ġdinosaur":28257,"ĠWrath":28258,"ĠIndonesian":28259,"Ġcalculator":28260,"ĠDictionary":28261,"Ġ420":28262,"ĠMAG":28263,"(_":28264,"!,":28265,"tarians":28266,"Ġrestricting":28267,"racuse":28268,"Ġweekday":28269,"OUNT":28270,"Ġshrugged":28271,"leground":28272,"Ġbald":28273,"ĠDoctors":28274,"Ġtouted":28275,"ĠMaxwell":28276,"Ġ214":28277,"Ġdiplomat":28278,"Ġrepression":28279,"Ġconstituency":28280,"vice":28281,"ranked":28282,"ĠNapoleon":28283,"gang":28284,"ĠForever":28285,"tun":28286,"Ġbulb":28287,"ĠPDT":28288,"ĠCisco":28289,"VEN":28290,"Ġresumed":28291,"Steven":28292,"ĠManitoba":28293,"Ġfabulous":28294,"ĠAgents":28295,"1984":28296,"Ġamusing":28297,"ĠMysteries":28298,"Ġorthodox":28299,"floor":28300,"Ġquestionnaire":28301,"Ġpenetrate":28302,"Ġfilmmakers":28303,"ĠUnc":28304,"Ġstamped":28305,"Ġthirteen":28306,"Ġoutfield":28307,"Ġforwarded":28308,"Ġappra":28309,"Ġaided":28310,"try":28311,"Ġunfocused":28312,"ĠLiz":28313,"ĠWendy":28314,"ĠScene":28315,"Charg":28316,"Ġrejects":28317,"Ġleftist":28318,"ĠProvidence":28319,"ĠBrid":28320,"regn":28321,"Ġprophecy":28322,"ĠLIVE":28323,"499":28324,"Ġforge":28325,"ĠFML":28326,"Ġintrinsic":28327,"ĠFrog":28328,"Ġwont":28329,"ĠHolt":28330,"Ġfamed":28331,"CLUS":28332,"aepernick":28333,"ĠHate":28334,"ĠCay":28335,"Ġregistering":28336,"ortality":28337,"ropy":28338,"ocalyptic":28339,"aan":28340,"nav":28341,"Ġfascist":28342,"IFIED":28343,"Ġimplicated":28344,"ĠResort":28345,"ĠChandler":28346,"ĠBrick":28347,"Pin":28348,"ysc":28349,"Usage":28350,"ĠHelm":28351,"usra":28352,"âĺħâĺħ":28353,"ĠAbbas":28354,"Ġunanimously":28355,"Ġkeeper":28356,"Ġaddicted":28357,"???":28358,"Ġhelmets":28359,"Ġantioxid":28360,"apsed":28361,"808":28362,"giene":28363,"Ġwaits":28364,"Ġminion":28365,"raved":28366,"ĠPorsche":28367,"Ġdreaming":28368,"Ġ171":28369,"ĠCain":28370,"Ġunfor":28371,"asso":28372,"ĠConfiguration":28373,"kun":28374,"hardt":28375,"Ġnested":28376,"ĠLDS":28377,"LES":28378,"Ġtying":28379,"enos":28380,"Ġcue":28381,"ĠMarqu":28382,"skirts":28383,"Ġclicked":28384,"Ġexpiration":28385,"ĠAccordingly":28386,"ĠWC":28387,"Ġblessings":28388,"Ġaddictive":28389,"ĠNarr":28390,"yx":28391,"ĠJaguars":28392,"Ġrents":28393,"ĠSiber":28394,"Ġtipped":28395,"ousse":28396,"ĠFitzgerald":28397,"Ġhierarch":28398,"outine":28399,"Ġwavelength":28400,">.":28401,"chid":28402,"ĠProcessing":28403,"/+":28404,"ranking":28405,"Easy":28406,"ĠConstruct":28407,"Ġtet":28408,"insured":28409,"HUD":28410,"Ġquoting":28411,"Ġcommunicated":28412,"inx":28413,"Ġinmate":28414,"Ġerected":28415,"ĠAbsolutely":28416,"ĠSurely":28417,"Ġunim":28418,"ĠThrone":28419,"heid":28420,"Ġclaws":28421,"Ġsuperstar":28422,"ĠLenn":28423,"ĠWhis":28424,"Uk":28425,"abol":28426,"Ġsket":28427,"ĠNiet":28428,"Ġperks":28429,"Ġaffinity":28430,"Ġopenings":28431,"phasis":28432,"Ġdiscriminate":28433,"Tip":28434,"vc":28435,"Ġgrinding":28436,"ĠJenny":28437,"Ġasthma":28438,"holes":28439,"ĠHomer":28440,"Ġregisters":28441,"ĠGlad":28442,"Ġcreations":28443,"Ġlithium":28444,"Ġapplause":28445,"until":28446,"Justice":28447,"ĠTurks":28448,"Ġscandals":28449,"Ġbake":28450,"tank":28451,"Mech":28452,"ĠMeans":28453,"ĠMaid":28454,"Republicans":28455,"isal":28456,"windows":28457,"ĠSantos":28458,"Ġvegetation":28459,"338":28460,"tri":28461,"Ġflux":28462,"insert":28463,"Ġclarified":28464,"Ġmortg":28465,"ĠChim":28466,"ĠTort":28467,"Ġdisclaim":28468,"metal":28469,"ĠAside":28470,"Ġinduction":28471,"Ġinfl":28472,"Ġatheists":28473,"amph":28474,"Ġether":28475,"ĠVital":28476,"ĠBuilt":28477,"Mind":28478,"Ġweaponry":28479,"SET":28480,"Ġ186":28481,"admin":28482,"gam":28483,"contract":28484,"afa":28485,"Ġderivatives":28486,"Ġsnacks":28487,"Ġchurn":28488,"Econom":28489,"Ġcapped":28490,"ĠUnderstanding":28491,"ĠHers":28492,"ĠIz":28493,"Ġduct":28494,"IENT":28495,"aughty":28496,"ĠâľĶ":28497,"ĠNP":28498,"Ġsailing":28499,"Initialized":28500,"Ġted":28501,"Ġreactors":28502,"ĠLomb":28503,"Ġchoke":28504,"ĠWorm":28505,"Ġadmiration":28506,"Ġswung":28507,"ensibly":28508,"Ġrash":28509,"ĠGoals":28510,"ĠImportant":28511,"Shot":28512,"ĠRas":28513,"Ġtrainers":28514,"ĠBun":28515,"Working":28516,"Ġharmed":28517,"ĠPandora":28518,"ĠLTE":28519,"Ġmushroom":28520,"ĠCHAR":28521,"ĠFee":28522,"ĠMoy":28523,"Born":28524,"oliberal":28525,"ĠMartial":28526,"Ġgentlemen":28527,"Ġlingering":28528,"Official":28529,"Ġgraffiti":28530,"ĠNames":28531,"Der":28532,"Ġquint":28533,"istrate":28534,"azeera":28535,"ĠNOTICE":28536,"ĠFlorence":28537,"Ġpayable":28538,"Ġdepicts":28539,"ĠSpecies":28540,"Heart":28541,"âĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢ":28542,"Ġenclosed":28543,"Increases":28544,"Daily":28545,"ĠLis":28546,"Ġenactment":28547,"ĠBacon":28548,"ĠSteele":28549,"demand":28550,"Ġ183":28551,"Ġmouths":28552,"Ġstranded":28553,"Ġenhancement":28554,"011":28555,"ĠWhats":28556,"Ġhealed":28557,"eny":28558,"ĠRab":28559,"Ġ340":28560,"ĠLabyrinth":28561,"roach":28562,"ĠYosh":28563,"ĠClippers":28564,"Ġconcerts":28565,"Internet":28566,"355":28567,"Ġstickers":28568,"Ġtermed":28569,"ĠAxe":28570,"Ġgrandparents":28571,"France":28572,"ĠClim":28573,"ĠUh":28574,"ulic":28575,"Ġthrill":28576,"centric":28577,"ĠOverview":28578,"ĠConduct":28579,"Ġsubstantive":28580,"Ġ182":28581,"mur":28582,"Ġstray":28583,"ĠCoff":28584,"Ġrepetitive":28585,"ĠForgotten":28586,"Ġqualification":28587,"ewitness":28588,"ĠZimbabwe":28589,"Ġsimulated":28590,"ĠJD":28591,"253":28592,"ĠWare":28593,"Ġunsc":28594,"Times":28595,"Ġsummons":28596,"Ġdisconnected":28597,"Ġ184":28598,"cius":28599,"ĠGujar":28600,"odka":28601,"Ġerase":28602,"ĠTobacco":28603,"elected":28604,"Ġuncont":28605,"ĠShepard":28606,"ĠLamp":28607,"Ġalerted":28608,"Ġoperative":28609,"arna":28610,"uint":28611,"Ġnegligence":28612,"acements":28613,"Ġsupra":28614,"Ġprevail":28615,"ĠShark":28616,"Ġbelts":28617,"ãģ«":28618,"Ġtighter":28619,"Engineers":28620,"Ġinactive":28621,"Ġexponent":28622,"ĠWillie":28623,"aples":28624,"Ġheir":28625,"ĠHits":28626,"iann":28627,"ĠSays":28628,"Ġcurrents":28629,"ĠBengal":28630,"Ġarist":28631,"Buffer":28632,"Ġbreeze":28633,"ĠWesley":28634,"Cola":28635,"Ġpronoun":28636,"Ġdeed":28637,"ĠKling":28638,"Ġoft":28639,"Ġinflict":28640,"Ġpunishing":28641,"Ġnm":28642,"iku":28643,"ODUCT":28644,"014":28645,"Ġsubsidy":28646,"ĠDEA":28647,"ĠHerbert":28648,"ĠJal":28649,"Bank":28650,"Ġdeferred":28651,"Ġshipment":28652,"Bott":28653,"Ġalle":28654,"bearing":28655,"HTML":28656,"Offline":28657,"Ġ213":28658,"Ġscrolling":28659,"Ġscanned":28660,"ĠLibyan":28661,"ĠTOP":28662,"chrom":28663,"dt":28664,"column":28665,"PsyNetMessage":28666,"Zero":28667,"Ġtorso":28668,"050":28669,"âķIJ":28670,"Ġimperson":28671,"ĠSchwartz":28672,"udic":28673,"Ġpissed":28674,"ĠSapp":28675,"257":28676,"ĠISPs":28677,"ogl":28678,"Ġsupervised":28679,"Ġadolescent":28680,"Ġattained":28681,"ĠDelivery":28682,"ĠBunny":28683,"Ġ1937":28684,"Ġminiature":28685,"Ġos":28686,"Ġ370":28687,"608":28688,"ĠMourinho":28689,"Ġinnate":28690,"Ġtempo":28691,"ĠNM":28692,"ĠFallen":28693,"009":28694,"Ġprovocative":28695,"Streamer":28696,"ĠBenedict":28697,"ĠBolshe":28698,"Ġturtle":28699,"ĠPCB":28700,"ĠEqual":28701,"Director":28702,"ĠRend":28703,"Ġfluids":28704,"Authorities":28705,"Ġcousins":28706,"requency":28707,"ĠNeighbor":28708,"sets":28709,"shared":28710,"Charles":28711,"password":28712,"Ġgears":28713,"Ġ211":28714,"ĠHardware":28715,"rika":28716,"Ġupstream":28717,"Hom":28718,"Ġdisproportionately":28719,"ivities":28720,"Ġundefined":28721,"Ġelectrons":28722,"Ġcommemor":28723,"Eventually":28724,"Ġ><":28725,"Ġirresponsible":28726,"218":28727,"ĠReleased":28728,"ĠOVER":28729,"ĠIGN":28730,"ĠBread":28731,"stellar":28732,"ĠSage":28733,"tted":28734,"damage":28735,"edition":28736,"ĠPrec":28737,"Ġlime":28738,"Ġconfinement":28739,"Ġcalorie":28740,"weapon":28741,"Ġdiffering":28742,"ĠSina":28743,"mys":28744,"amd":28745,"Ġintricate":28746,"kk":28747,"ĠPAT":28748,"ão":28749,"stones":28750,"links":28751,"Ġranch":28752,"Semitic":28753,"Ġdifferentiate":28754,"ĠSinger":28755,"occupied":28756,"Ġfortress":28757,"cmd":28758,"Ġinterception":28759,"ĠAnkara":28760,"Ġrept":28761,"ĠSolitaire":28762,"Ġremake":28763,"pred":28764,"Ġdared":28765,"autions":28766,"ĠBACK":28767,"Running":28768,"Ġdebugging":28769,"Ġgraphs":28770,"399":28771,"ĠNigel":28772,"Ġbun":28773,"Ġpillow":28774,"Ġprogressed":28775,"fashioned":28776,"Ġobedience":28777,"ERN":28778,"Ġrehears":28779,"Cell":28780,"tl":28781,"Sher":28782,"Ġherald":28783,"ĠPayment":28784,"ĠCory":28785,"ĠDept":28786,"Ġrepent":28787,"ĠWeak":28788,"uckland":28789,"Ġpleasing":28790,"Ġshortages":28791,"Ġjurors":28792,"ĠKab":28793,"qqa":28794,"Anti":28795,"Ġwow":28796,"ĠRCMP":28797,"Ġtsun":28798,"ĠSic":28799,"Ġcomprises":28800,"Ġspies":28801,"Ġprecinct":28802,"nu":28803,"Ġurges":28804,"Ġtimed":28805,"Ġstripes":28806,"ĠBoots":28807,"Ġyen":28808,"Advanced":28809,"Ġdiscrete":28810,"ĠArchangel":28811,"employment":28812,"Diff":28813,"Ġmonuments":28814,"Ġ209":28815,"worker":28816,"Ġ196":28817,"ĠIg":28818,"utterstock":28819,"TPS":28820,"Jac":28821,"Ġhomelessness":28822,"Ġcommentator":28823,"Ġracially":28824,"fing":28825,"seed":28826,"Ele":28827,"ellation":28828,"Ġethanol":28829,"Ġparish":28830,"ĠDong":28831,"ĠAwakening":28832,"Ġdeviation":28833,"ĠBearing":28834,"ĠTsuk":28835,"Ġrecess":28836,"Ġlymph":28837,"ĠCannabis":28838,"åľ":28839,"ĠNEWS":28840,"Ġdra":28841,"ĠStefan":28842,"ĠWrong":28843,"ĠSAM":28844,"Ġloosely":28845,"Ġinterpreter":28846,"ĠPlain":28847,"Government":28848,"Ġbigotry":28849,"Ġgrenades":28850,"avez":28851,"pictured":28852,"Ġmandated":28853,"ĠMonk":28854,"ĠPedro":28855,"Ġlava":28856,"274":28857,"Ġcynical":28858,"ĠScrolls":28859,"locks":28860,"Mp":28861,"Ġcongregation":28862,"ornings":28863,"phil":28864,"ĠIbid":28865,"Ġferv":28866,"Ġdisappearing":28867,"Ġarrogant":28868,"syn":28869,"ĠMaver":28870,"ĠSuit":28871,"241":28872,"Ġabbre":28873,"ackers":28874,"Pa":28875,"ĠYel":28876,"Whenever":28877,"Ġ235":28878,"ĠVine":28879,"ĠAnat":28880,"Ġextinct":28881,"LET":28882,"Ġexecutable":28883,"VERS":28884,"oxide":28885,"DNA":28886,"ĠPrel":28887,"Ġresentment":28888,"Ġcomprise":28889,"ĠAviv":28890,"Ġinterceptions":28891,"Ġprolific":28892,"INA":28893,"ĠErin":28894,"thought":28895,"219":28896,"ĠPsychiatry":28897,"unky":28898,"chemist":28899,"Ho":28900,"ĠMcCoy":28901,"Ġbricks":28902,"Los":28903,"rily":28904,"ĠUSSR":28905,"Ġrud":28906,"Ġlaud":28907,"ĠWise":28908,"ĠEmerald":28909,"Ġrevived":28910,"Ġdamned":28911,"ĠRepair":28912,"idem":28913,"ctica":28914,"Ġpatriarch":28915,"ĠNurs":28916,"meg":28917,"Ġcheapest":28918,"reements":28919,"empty":28920,"ĠCelebr":28921,"Ġdeprivation":28922,"chanted":28923,"ĠThumbnails":28924,"Energy":28925,"ĠEthan":28926,"ĠQing":28927,"Ġopposes":28928,"WIND":28929,"vik":28930,"ĠMau":28931,"ĠSUB":28932,"667":28933,"GRE":28934,"ĠVolunte":28935,"nton":28936,"Cook":28937,"åIJ":28938,"esque":28939,"Ġplummet":28940,"Ġsuing":28941,"Ġpronounce":28942,"Ġresisting":28943,"ĠFishing":28944,"ĠTrials":28945,"Ġyell":28946,"Ġ310":28947,"Ġinduct":28948,"Ġpersonalized":28949,"often":28950,"Reb":28951,"EMBER":28952,"Ġviewpoint":28953,"Ġexistential":28954,"())":28955,"remove":28956,"MENTS":28957,"lasses":28958,"Ġevapor":28959,"Ġaisle":28960,"meta":28961,"Ġreflective":28962,"Ġentitlement":28963,"Ġdevised":28964,"music":28965,"ascade":28966,"Ġwinding":28967,"offset":28968,"Ġaccessibility":28969,"kered":28970,"Better":28971,"ĠJohnston":28972,"thinking":28973,"Snow":28974,"ĠCroatia":28975,"ĠAtomic":28976,"271":28977,"348":28978,"Ġtextbook":28979,"ĠSixth":28980,"ĠاÙĦ":28981,"Ġslider":28982,"ĠBurger":28983,"bol":28984,"Sync":28985,"Ġgrandchildren":28986,"Ġcerv":28987,"+)":28988,"Ġeternity":28989,"Ġtweeting":28990,"Ġspeculative":28991,"Ġpivotal":28992,"ĠWP":28993,"ĠTER":28994,"ynamic":28995,"Ġupl":28996,"ĠCats":28997,"perhaps":28998,"Ġclassmates":28999,"Ġblatant":29000,"'-":29001,"Ġlakh":29002,"antine":29003,"ĠBorg":29004,"iom":29005,"/(":29006,"ĠAthletic":29007,"Ġsar":29008,"OTA":29009,"ĠHoffman":29010,"Nevertheless":29011,"Ġadorable":29012,"Ġspawned":29013,"Associated":29014,"ĠDomestic":29015,"Ġimplant":29016,"ĠLuxem":29017,"ĠKens":29018,"Ġpumps":29019,"ĠSAT":29020,"Attributes":29021,"509":29022,"avour":29023,"Ġcentralized":29024,"ĠTN":29025,"Ġfreshly":29026,"ĠAchieve":29027,"Ġoutsiders":29028,"herty":29029,"ĠRee":29030,"ĠTowers":29031,"ĠDart":29032,"akable":29033,"Ġmp":29034,"ĠHeavenly":29035,"Ġripe":29036,"ĠCaroline":29037,"ryan":29038,"Ġclassics":29039,"Ġretiring":29040,"Ġ228":29041,"Ġah":29042,"Ġdealings":29043,"Ġpunching":29044,"ĠChapman":29045,"Options":29046,"maxwell":29047,"volume":29048,"Ġstal":29049,"Ġexported":29050,"ĠQuite":29051,"Ġnumerical":29052,"Burn":29053,"Fact":29054,"ĠKeystone":29055,"Ġtrending":29056,"Ġaltering":29057,"ĠAfricans":29058,"478":29059,"ĠMN":29060,"ĠKnock":29061,"Ġtemptation":29062,"Ġprestige":29063,"Overview":29064,"ĠTraditional":29065,"ĠBahrain":29066,"Private":29067,"ĠHOU":29068,"Ġbarr":29069,"ĠTat":29070,"Cube":29071,"USD":29072,"ĠGrande":29073,"ĠGat":29074,"ĠFlo":29075,"Ġresides":29076,"Ġindec":29077,"volent":29078,"Ġperpetual":29079,"ubes":29080,"Ġworldview":29081,"ĠQuantum":29082,"Ġfiltered":29083,"Ġensu":29084,"orgetown":29085,"ERSON":29086,"ĠMild":29087,"379":29088,"OTT":29089,"Ã¥":29090,"Ġvitamins":29091,"Ġribbon":29092,"Ġsincerely":29093,"ĠHin":29094,"Ġeighteen":29095,"Ġcontradictory":29096,"Ġglaring":29097,"Ġexpectancy":29098,"Ġconspir":29099,"Ġmonstrous":29100,"Ġ380":29101,"reci":29102,"Ġhandic":29103,"Ġpumped":29104,"Ġindicative":29105,"Ġrapp":29106,"Ġavail":29107,"ĠLEGO":29108,"ĠMarijuana":29109,"1985":29110,"erton":29111,"Ġtwentieth":29112,"################################":29113,"ĠSwamp":29114,"Ġvaluation":29115,"Ġaffiliates":29116,"adjusted":29117,"ĠFacility":29118,"262":29119,"Ġenzymes":29120,"itudinal":29121,"Ġimprint":29122,"Site":29123,"Ġinstaller":29124,"ĠTRA":29125,"mology":29126,"linear":29127,"ĠCollective":29128,"igating":29129,"ĠToken":29130,"Ġspeculated":29131,"KN":29132,"ĠCly":29133,"ority":29134,"Ġdefer":29135,"Ġinspectors":29136,"approved":29137,"RM":29138,"ĠSuns":29139,"Ġinforming":29140,"ĠSyracuse":29141,"ibli":29142,"765":29143,"Ġglove":29144,"Ġauthorize":29145,"â̦â̦â̦â̦â̦â̦â̦â̦":29146,"ĠCruise":29147,"Ġcontracting":29148,"shell":29149,"IFE":29150,"ĠJewel":29151,"pract":29152,"ĠPhotoshop":29153,"ĠKnowing":29154,"harm":29155,"Ġattractions":29156,"adan":29157,"etus":29158,"018":29159,"wagen":29160,"Alt":29161,"Ġmultiply":29162,"Ġequilibrium":29163,":{":29164,"ĠFighters":29165,"ĠEdgar":29166,"Ġfourteen":29167,"Govern":29168,"Ġmisuse":29169,"Ġabusing":29170,"Ġancestry":29171,"ramer":29172,"644":29173,"Ġworms":29174,"Ġthicker":29175,"ĠCombine":29176,"Ġpeasants":29177,"Ġvind":29178,"Ġconquest":29179,"Ġmocked":29180,"Ġcinnamon":29181,"ĠCald":29182,"ĠGallup":29183,"Ġavoidance":29184,"Ġincarnation":29185,"ĠStrat":29186,"Ġtasted":29187,"enta":29188,"ĠNeal":29189,"pared":29190,"Ġterminology":29191,"jection":29192,"Scientists":29193,"ĠINS":29194,"ĠDee":29195,"Ġdirectories":29196,"Road":29197,"ĠShap":29198,"bright":29199,"ĠDirectors":29200,"ĠColumn":29201,"Ġbob":29202,"Ġpreferably":29203,"Ġglitch":29204,"furt":29205,"Ġeg":29206,"idis":29207,"CBC":29208,"Ġsurrendered":29209,"Ġtestament":29210,"336":29211,"uggest":29212,"ĠNil":29213,"another":29214,"Ġpathetic":29215,"ĠDonna":29216,"Ġ218":29217,"ĠAvery":29218,"Ġwhiskey":29219,"Ġfixture":29220,"ĠConquest":29221,"Ġbets":29222,"Occ":29223,"ĠLeicester":29224,"].\"":29225,"Ġ));":29226,"Ġflashes":29227,"456":29228,"Ġmasked":29229,"gebra":29230,"Ġcomputed":29231,"chel":29232,"auder":29233,"Ġdefeats":29234,"ĠLiberation":29235,"ĠOsama":29236,"ĠVive":29237,"Changes":29238,"Channel":29239,"Ġtariffs":29240,"Ġmage":29241,"ĠSax":29242,"Ġinadvertently":29243,"ĠCRE":29244,"ĠReaper":29245,"inky":29246,"grading":29247,"Ġstereotyp":29248,"Ġcurl":29249,"ĠFANT":29250,"Ġframeworks":29251,"Mom":29252,"ĠAnch":29253,"Ġflavour":29254,"carbon":29255,"Ġpermitting":29256,"letcher":29257,"ĠMozilla":29258,"ĠParking":29259,"ĠChamp":29260,"Scroll":29261,"Ġmurderer":29262,"Ġrested":29263,"Ġowes":29264,"ĠPoss":29265,"ADD":29266,"IFF":29267,"resolution":29268,"ĠMining":29269,"Ġcomparative":29270,"Dim":29271,"Ġneighbouring":29272,"ĠAST":29273,"ĠToxic":29274,"Ġbiases":29275,"Ġgunfire":29276,"urous":29277,"ĠMoment":29278,"1983":29279,"Ġpervasive":29280,"ttp":29281,"ĠNormally":29282,"rir":29283,"Sarah":29284,"ĠAlbany":29285,"Ġunsett":29286,"ĠSMS":29287,"ipers":29288,"layer":29289,"ĠWhites":29290,"uple":29291,"Ġturbo":29292,"ĠLeeds":29293,"Ġthats":29294,"ĠMiner":29295,"MER":29296,"ĠReign":29297,"Ġperme":29298,"ĠBlitz":29299,"Ġ1934":29300,"Ġintimidating":29301,"tube":29302,"Ġeccentric":29303,"abolic":29304,"boxes":29305,"ĠAssociates":29306,"votes":29307,"Ġsimulate":29308,"umbo":29309,"astery":29310,"Ġshipments":29311,"FFFF":29312,"anth":29313,"Ġseasoned":29314,"Ġexperimentation":29315,"âĸł":29316,"laws":29317,"Meet":29318,"iddles":29319,"antics":29320,"Rating":29321,"ISIS":29322,"hift":29323,"Ġfronts":29324,"buf":29325,"017":29326,"Ġunatt":29327,"ĠDil":29328,"leases":29329,"ĠGardens":29330,"777":29331,"touch":29332,"vell":29333,"458":29334,"Ġ=====":29335,"saving":29336,"Ġerosion":29337,"ĠQuin":29338,"Ġearns":29339,"Ġaccomplishment":29340,"ĠWei":29341,"Ġ<[":29342,"_____":29343,"Ġirrig":29344,"ĠTeddy":29345,"Ġconquered":29346,"ĠArmored":29347,"Ġasserts":29348,"Ġmanipulating":29349,"ré":29350,"Ġtranscripts":29351,"Gallery":29352,"Ġplotting":29353,"Neil":29354,"Ġbetrayal":29355,"loader":29356,"ĠSul":29357,"Ġdisplacement":29358,"Ġroyalty":29359,"ĠWI":29360,"heit":29361,"ĠDevices":29362,"allel":29363,"Ġmunicipalities":29364,"Ġcanal":29365,"Stars":29366,"ĠUAE":29367,"Ġ\"â̦":29368,"ĠCU":29369,"above":29370,"Ġresonance":29371,"ĠguiActiveUn":29372,"added":29373,"ĠBraves":29374,"ĠIbn":29375,"Ġhereby":29376,"ĠBRE":29377,"Ġshareholder":29378,"ĠHir":29379,"ĠJi":29380,"Ġstrangely":29381,"Ġadmired":29382,"Ġplight":29383,"Ġbachelor":29384,"ĠPole":29385,"ciplinary":29386,"Tony":29387,"ĠArmenian":29388,"Ġunman":29389,"ĠZionist":29390,"Stage":29391,"iscover":29392,"Ġautomotive":29393,"Ġsidelines":29394,"Ġslick":29395,"ĠRenaissance":29396,"ĠFUN":29397,"Images":29398,"ĠHaj":29399,"Ġping":29400,"Ġshortcut":29401,"ĠBlvd":29402,"ĠLooks":29403,"Ġbursts":29404,"Ġclamp":29405,"Ġmish":29406,"Ġsorting":29407,"Ġpatriot":29408,"Ġcorrectness":29409,"ĠScandinav":29410,"ĠCavaliers":29411,"python":29412,"azar":29413,"Ġ375":29414,"ĠJaune":29415,"409":29416,"Ġdetrimental":29417,"Ġstabbing":29418,"Ġpoisoned":29419,"Ġfountain":29420,"ocent":29421,"orst":29422,"ĠMari":29423,"Ġrains":29424,"ĠOvers":29425,"ĠInstitution":29426,"udget":29427,"AMY":29428,"tale":29429,"ĠKR":29430,"ĠPrices":29431,"Ġheadaches":29432,"Ġlandsl":29433,"ĠAura":29434,"Bonus":29435,"ĠZhao":29436,"ĠHip":29437,"Ġhops":29438,"ĠKurdistan":29439,"Ġexploiting":29440,"ryn":29441,"Ġhypocrisy":29442,"opening":29443,"Ġgunshot":29444,"Ġwed":29445,"interstitial":29446,"Interstitial":29447,"Ġamen":29448,"Breaking":29449,"Ġmarketed":29450,"Wire":29451,"ĠCrowd":29452,"Continue":29453,"ĠKnown":29454,"ĠEffective":29455,"orean":29456,"izons":29457,"Joseph":29458,"Ġescalation":29459,"username":29460,"Ġcurtain":29461,"ATES":29462,"ĠPAR":29463,"ĠMiy":29464,"Ġcounterfe":29465,"lene":29466,"Ġcontenders":29467,"daily":29468,"ĠAsc":29469,"ĠPhillip":29470,"mostly":29471,"Ġfilename":29472,"hene":29473,"Ġresembling":29474,"Ġstaging":29475,"ĠChloe":29476,"Ġwiring":29477,"Hon":29478,"ĠRenew":29479,"ottage":29480,"ĠHybrid":29481,"much":29482,"Ġstrokes":29483,"Ġpolicymakers":29484,"APTER":29485,"ĠArkham":29486,"plot":29487,"Ġassistants":29488,"Ġdeport":29489,"ĠSega":29490,"Ġinfluenza":29491,"ĠCursed":29492,"ĠKobe":29493,"Ġskinny":29494,"Provider":29495,"ĠRip":29496,"Ġincremental":29497,"products":29498,"BF":29499,"Ġdome":29500,"ĠCredits":29501,"Ġlosers":29502,"ints":29503,"ĠBetty":29504,"ĠTalent":29505,"ĠDAM":29506,"Lv":29507,"Ess":29508,"Ġdens":29509,"temp":29510,"Judge":29511,"odic":29512,"Ġ'(":29513,"URES":29514,"etsk":29515,"VO":29516,"Ġretrieved":29517,"Ġarchitects":29518,"Ùĩ":29519,"Ġethic":29520,"ĠSecondary":29521,"stocks":29522,"adia":29523,"Ġ325":29524,"ĠOpinion":29525,"Ġsimultaneous":29526,"Ġdizz":29527,"ulp":29528,"Ġsmuggling":29529,"ippery":29530,"Random":29531,"facing":29532,"ĠDas":29533,"Ġstockp":29534,"Ġdisclosures":29535,"pointer":29536,"Ġcoral":29537,"ĠSelection":29538,"ĠPike":29539,"ivalent":29540,"Ġruthless":29541,"ĠRim":29542,"Ġensuing":29543,"ĠExperiment":29544,"Ġcongressman":29545,"Ġbeliever":29546,"Ġunspecified":29547,"ĠMord":29548,"Ġknowledgeable":29549,"ĠVERY":29550,"TX":29551,"Ġstraps":29552,"Ġturf":29553,"apeshifter":29554,"Ġmarital":29555,"Ġflock":29556,"ãģĨ":29557,"263":29558,"AMES":29559,"ĠOpposition":29560,"Ġtreasures":29561,"ĠGOD":29562,"Ġmodeled":29563,"ĠWORLD":29564,"Ġ([":29565,"ĠUsage":29566,"HF":29567,"Ġ$(":29568,"ussed":29569,"Ġpioneer":29570,"Eight":29571,"parse":29572,"bread":29573,"ritz":29574,"ĠMiranda":29575,"ĠKant":29576,"++)":29577,"oren":29578,"Ġprovoked":29579,"Ġbreeds":29580,"ĠIncludes":29581,"ĠPastebin":29582,"ĠFlip":29583,"Java":29584,"Ġbrink":29585,"Ġrumored":29586,"Ġunseen":29587,"Ġgarnered":29588,"ĠDefin":29589,"alted":29590,"Ġtattoos":29591,"Ġhesitation":29592,"isitions":29593,"ĠWeaver":29594,"ĠReporting":29595,"Ġtherapies":29596,"Ġconsultants":29597,"Ġresidual":29598,"ĠMali":29599,"ĠRoma":29600,"iago":29601,"ĠResidents":29602,"ubi":29603,"Ġremedies":29604,"Ġadaptive":29605,"ĠAlive":29606,"ĠBarcl":29607,"Ġwallets":29608,"crypt":29609,"etermination":29610,"ĠPelosi":29611,"Ġslipping":29612,"otonin":29613,"Ġalliances":29614,"patrick":29615,"iris":29616,"Ġorth":29617,"ĠPerkins":29618,"ĠDeV":29619,"ĠGets":29620,"Ġdrying":29621,"gee":29622,"forest":29623,"ĠForget":29624,"orem":29625,"339":29626,"Ġvaguely":29627,"ĠDion":29628,"ĠPorn":29629,"ĠHOW":29630,"Ġpneum":29631,"Ġrubble":29632,"ĠTaste":29633,"encia":29634,"ĠGel":29635,"Ġdst":29636,"Ġ245":29637,"ĠMorocco":29638,"inflamm":29639,"ĠTwins":29640,"Ġbots":29641,"daughter":29642,"ĠBalk":29643,"Ġbrethren":29644,"Ġlogos":29645,"Ġgobl":29646,"fps":29647,"Ġsubdivision":29648,"Ġpawn":29649,"Ġsqueezed":29650,"Ġmorale":29651,"ĠDW":29652,"'\"":29653,"Ġknot":29654,"ooky":29655,"Ġdivisive":29656,"Ġboosted":29657,"chy":29658,"ãĥIJ":29659,"ifact":29660,"Ġnewcomers":29661,"ĠWrestling":29662,"Ġscouts":29663,"wolves":29664,"Rat":29665,"Ġnineteenth":29666,"ĠOsborne":29667,"Stats":29668,"Ġempowered":29669,"Ġpsychopath":29670,"ĠOEM":29671,"uggage":29672,"ĠPK":29673,"ĠMohammad":29674,"Pak":29675,"Ġanarchists":29676,"ĠExtract":29677,"esthes":29678,"ĠStockholm":29679,"loo":29680,"ĠGraph":29681,"Ġdeploying":29682,"ĠStranger":29683,"ĠMold":29684,"Ġstaffer":29685,"Ġdiscounted":29686,"uckle":29687,"please":29688,"ĠLanding":29689,"ÃŃa":29690,"Ġ193":29691,"Ġante":29692,"Ġrepetition":29693,"Ġ+/-":29694,"Ġparody":29695,"Ġlively":29696,"AAA":29697,"ĠHorus":29698,"Ġpits":29699,"inders":29700,"LOC":29701,"ĠVenice":29702,"406":29703,"ĠDiscover":29704,"âĨ":29705,"ellectual":29706,"Ġpens":29707,"Ġeyel":29708,"iguous":29709,"Impl":29710,"Ġjoking":29711,"Ġinval":29712,"ĠBelfast":29713,"Ġcreditors":29714,"ĠSkywalker":29715,"ovsky":29716,"Ġceasefire":29717,"Ġseals":29718,"isoft":29719,")).":29720,"ĠFelix":29721,"ITS":29722,"Ġtresp":29723,"ĠBlockchain":29724,"eware":29725,"ĠSchwar":29726,"enne":29727,"mounted":29728,"ĠBeacon":29729,"lesh":29730,"Ġimmensely":29731,"Ġcheering":29732,"Employ":29733,"scene":29734,"ishly":29735,"atchewan":29736,"ĠNicolas":29737,"Ġdrained":29738,"ĠExit":29739,"ĠAzerb":29740,"jun":29741,"Ġfloated":29742,"uania":29743,"Deep":29744,"Ġsuperv":29745,"Ġmystical":29746,"ĠDollar":29747,"ĠApostle":29748,"ĠREL":29749,"ĠProvided":29750,"ĠBucks":29751,"ãĥ´":29752,"cutting":29753,"Ġenhancements":29754,"ĠPenguins":29755,"ĠIsaiah":29756,"Ġjerk":29757,"ĠWyn":29758,"Ġstalled":29759,"Ġcryptocurrencies":29760,"ĠRoland":29761,"single":29762,"Ġlumin":29763,"ĠFellow":29764,"ĠCapacity":29765,"ĠKazakh":29766,"WN":29767,"Ġfinanced":29768,"389":29769,"Ġtid":29770,"Ġcollusion":29771,"ĠMyr":29772,"îĢ":29773,"Senator":29774,"Ġpediatric":29775,"Ġneatly":29776,"Ġsandwiches":29777,"ĠArchitecture":29778,"Ġtucked":29779,"Ġbalcony":29780,"Ġearthquakes":29781,"quire":29782,"Future":29783,"Ġhefty":29784,"éĹ":29785,"Ġspecializes":29786,"Ġstresses":29787,"Ġsender":29788,"Ġmisunderstanding":29789,"Ġepile":29790,"Ġprovoke":29791,"ĠColors":29792,"Ġdismay":29793,"uko":29794,"[_":29795,"586":29796,"neutral":29797,"Ġdonating":29798,"ĠRandall":29799,"Multi":29800,"Ġconveniently":29801,"ĠSung":29802,"ĠCoca":29803,"Ġtents":29804,"ĠAcceler":29805,"Ġpartnered":29806,"272":29807,"irming":29808,"ĠBAS":29809,"sometimes":29810,"Ġobjected":29811,"ubric":29812,"posed":29813,"LCS":29814,"grass":29815,"Ġattributable":29816,"VIS":29817,"Israeli":29818,"Ġrepeats":29819,"ĠRM":29820,"vag":29821,"uta":29822,"inous":29823,"Ġinert":29824,"ĠMiguel":29825,"æŃ":29826,"ĠHawaiian":29827,"Board":29828,"Ġartific":29829,"ĠAzerbai":29830,"asio":29831,"ĠRent":29832,"AIN":29833,"Ġappliances":29834,"Ġnationality":29835,"Ġasshole":29836,"ĠNeb":29837,"Ġnotch":29838,"hani":29839,"ĠBride":29840,"Availability":29841,"Ġintercepted":29842,"Ġcontinental":29843,"Ġswelling":29844,"ĠPerspect":29845,"bies":29846,".<":29847,"ithmetic":29848,"ĠLara":29849,"Ġtempting":29850,"addr":29851,"Ġoverseeing":29852,"clad":29853,"ĠDV":29854,"ĠGingrich":29855,"Ġmun":29856,"ĠAppropri":29857,"Ġalterations":29858,"ĠPatreon":29859,"Ġhavoc":29860,"Ġdisciplines":29861,"Ġnotoriously":29862,"akuya":29863,"ieri":29864,"?).":29865,"ĠWent":29866,"Ġsilicon":29867,"Ġtremb":29868,"Container":29869,"Known":29870,"Ġmortar":29871,"este":29872,"icka":29873,"Arthur":29874,"ĠPreviously":29875,"ĠMarty":29876,"Ġsparse":29877,"gins":29878,"Ġinward":29879,"ĠParticipant":29880,"Copy":29881,"ĠMisc":29882,"Ġantibiotic":29883,"ĠRetro":29884,"Ġelusive":29885,"Ġassail":29886,"ĠBattalion":29887,"ĠBought":29888,"Ġdiminish":29889,"ĠEuropa":29890,"session":29891,"ĠDangerous":29892,"iesel":29893,"Ġdisbelief":29894,"Ġblasts":29895,"extreme":29896,"ĠBoyd":29897,"ĠProjects":29898,"ĠGuys":29899,"Ġundergone":29900,"Ġgrill":29901,"ĠDwight":29902,"Ġ197":29903,"USER":29904,"Ġfilesystem":29905,"Ġclocks":29906,"Taylor":29907,"Ġwrapper":29908,"Ġfolding":29909,"ousand":29910,"ĠPhilippine":29911,"ATIONAL":29912,"ĠPerth":29913,"Ġashes":29914,"Ġaccumulate":29915,"ĠGateway":29916,"Shop":29917,"orkshire":29918,"Han":29919,"ĠBarrel":29920,"ĠLeh":29921,"ĠXV":29922,"Ġwhim":29923,"Ġrepo":29924,"ĠCG":29925,"ĠMam":29926,"Ġincorporating":29927,"Ġbailout":29928,"Ġlinguistic":29929,"Ġdisinteg":29930,"CLE":29931,"Ġcinematic":29932,"ĠFiber":29933,"Syn":29934,"ilion":29935,"ĠCompos":29936,"chens":29937,"Ġneoc":29938,"Ġboiled":29939,"FINE":29940,"ono":29941,"uncle":29942,"iken":29943,"ĠBM":29944,"ι":29945,"Ġreceipts":29946,"Ġdisposed":29947,"ĠThirty":29948,"ĠRough":29949,"ĠABS":29950,"Ġnotwithstanding":29951,"ollen":29952,"#$":29953,"Ġunreliable":29954,"Ġbloom":29955,"Ġmediocre":29956,"Ġtram":29957,"ĠTasman":29958,"Ġshakes":29959,"Ġmanifesto":29960,"ĠMW":29961,"Ġsatisfactory":29962,"Ġshores":29963,"Ġcomputation":29964,"Ġassertions":29965,"ormons":29966,"arag":29967,"abit":29968,"Democrats":29969,"ĠLoot":29970,"ĠVolks":29971,"haired":29972,"Ġgravitational":29973,"Sing":29974,"ĠMiz":29975,"Ġthrottle":29976,"Ġtyranny":29977,"ĠViews":29978,"Ġrobber":29979,"ĠMinority":29980,"Ġshrine":29981,"scope":29982,"purpose":29983,"Ġnucleus":29984,"ourcing":29985,"ĠUSDA":29986,"ĠDHS":29987,"wra":29988,"ĠBowie":29989,"Scale":29990,"ĠBEL":29991,"xi":29992,"Iter":29993,"Ġ(),":29994,"wright":29995,"Ġsailors":29996,"oused":29997,"NASA":29998,"ĠProof":29999,"ĠMineral":30000,"token":30001,"ĠFD":30002,"Rew":30003,"Ġell":30004,"630":30005,"Ġchancellor":30006,"ĠGos":30007,"Ġamounted":30008,"ĠRecre":30009,"omez":30010,"ĠOptim":30011,"ĠOlive":30012,"Ġtracker":30013,"owler":30014,"ĠUnique":30015,"Root":30016,"Ġmaritime":30017,"ĠQuran":30018,"ĠAdapt":30019,"Ġecosystems":30020,"ĠRepeat":30021,"ĠSoy":30022,"ĠIMP":30023,"Ġgraduating":30024,"andem":30025,"Pur":30026,"ĠReset":30027,"ĠTrick":30028,"ĠPhilly":30029,"ĠTue":30030,"ĠMalaysian":30031,"Ġclimax":30032,"Ġbury":30033,"Ġconspic":30034,"ĠSouthampton":30035,"ĠFlowers":30036,"Ġescorted":30037,"ĠEducational":30038,"ĠIRC":30039,"Ġbrutally":30040,"eating":30041,"Ġpillar":30042,"ĠSang":30043,"ĠJude":30044,"arling":30045,"ĠAmnesty":30046,"Ġreminding":30047,"ĠAdministrative":30048,"hesda":30049,"Ġflashed":30050,"ĠPBS":30051,"perate":30052,"feature":30053,"Ġswipe":30054,"Ġgraves":30055,"oultry":30056,"261":30057,"breaks":30058,"ĠGuer":30059,"Ġshrimp":30060,"ĠVoting":30061,"quist":30062,"Ġanalytical":30063,"Ġtablespoons":30064,"ĠSOU":30065,"Ġresearched":30066,"Ġdisrupted":30067,"Ġjour":30068,"Ġreplica":30069,"Ġcartoons":30070,"bians":30071,"})":30072,"copy":30073,"Got":30074,"ouched":30075,"PUT":30076,"Ġswarm":30077,"notations":30078,"said":30079,"Ġrebuilt":30080,"Ġcollaborate":30081,"Ġraging":30082,"Ġnar":30083,"Ġdemographics":30084,"ĠDDR":30085,"Ġdistrust":30086,"ossier":30087,"ĠKro":30088,"Ġpumpkin":30089,"Ġregrets":30090,"Ġfatalities":30091,"ĠLens":30092,"ĠOle":30093,"pd":30094,"Ġpuppet":30095,"ĠOutlook":30096,"ĠStam":30097,"Ol":30098,"Fair":30099,"UU":30100,"Ġrewritten":30101,"ı":30102,"Ġfascinated":30103,"Ġvectors":30104,"Ġtribunal":30105,"uay":30106,"ĠMats":30107,"ĠCoins":30108,"[[":30109,"Ġ181":30110,"Ġrenders":30111,"ĠKaepernick":30112,"Ġespionage":30113,"Ġsumm":30114,"Ġditch":30115,"Account":30116,"Ġspreadsheet":30117,"Ġmutant":30118,"past":30119,"407":30120,"Ġdye":30121,"Ġinitiation":30122,"Ġ4000":30123,"Ġpunishable":30124,"Ġthinner":30125,"ĠKhal":30126,"Ġintermedi":30127,"Dun":30128,"ĠGotham":30129,"Ġeagerly":30130,"Ġvaginal":30131,"powers":30132,"VW":30133,"ĠWATCHED":30134,"Ġpredator":30135,"amsung":30136,"Ġdisparity":30137,"Ġ[*":30138,"Ġamph":30139,"Ġoutskirts":30140,"ĠSpirits":30141,"Ġskeletal":30142,"л":30143,"ĠRear":30144,"Ġissuance":30145,"ĠLogic":30146,"released":30147,"ZZ":30148,"ĠBound":30149,"Entry":30150,"Ġexits":30151,"isol":30152,"ĠFounder":30153,"Ġwre":30154,"ĠGreenland":30155,"ĠMMO":30156,"taker":30157,"INC":30158,"ãģ¾":30159,"Ġhourly":30160,"henko":30161,"Ġfantasies":30162,"Ġdisob":30163,"Ġdemolition":30164,"ãĥĭ":30165,"Ġenlisted":30166,"ratulations":30167,"Ġmisguided":30168,"Ġensured":30169,"Ġdiscouraged":30170,"mort":30171,"Ġflank":30172,"Ġcess":30173,"Ġreacts":30174,"ĠSere":30175,"sensitive":30176,"ĠSerpent":30177,"assad":30178,"Ġ247":30179,"Ġcalmly":30180,"busters":30181,"Ġbleed":30182,"ĠStro":30183,"Ġamusement":30184,"ĠAntarctica":30185,"Ġscept":30186,"ĠGaw":30187,"aq":30188,"asonic":30189,"Ġsprawling":30190,"native":30191,"aturated":30192,"ĠBattlefield":30193,"IVERS":30194,"EB":30195,"ĠGems":30196,"ĠNorthwestern":30197,"ĠFilms":30198,"ĠAutomatic":30199,"Ġapprehend":30200,"ãģ¨":30201,"ĠguiName":30202,"Ġbackend":30203,"Ġevidenced":30204,"geant":30205,"012":30206,"ĠSiege":30207,"ĠexternalTo":30208,"ĠunfocusedRange":30209,"ĠguiActiveUnfocused":30210,"ĠguiIcon":30211,"ĠexternalToEVA":30212,"ĠexternalToEVAOnly":30213,"Fri":30214,"chard":30215,"enaries":30216,"Ġchiefs":30217,"Ġcf":30218,"ĠHUD":30219,"Ġcorrobor":30220,"ĠdB":30221,"ĠTaken":30222,"ĠPatricia":30223,"rail":30224,"ĠCharm":30225,"ĠLibertarian":30226,"rieve":30227,"Personal":30228,"ĠOUR":30229,"geries":30230,"Ġdumping":30231,"Ġneurological":30232,"itimate":30233,"ĠClintons":30234,"rafted":30235,"ĠMolly":30236,"Ġterminals":30237,"register":30238,"Ġflare":30239,"Ġencoded":30240,"Ġautopsy":30241,"pel":30242,"machine":30243,"Ġexemptions":30244,"ĠRoyals":30245,"distance":30246,"Ġdrafts":30247,"Ġlame":30248,"ĠCunning":30249,"Ġspouses":30250,"ĠMarkets":30251,"ĠCarrier":30252,"Ġimplying":30253,"ĠYak":30254,"sid":30255,"Ġloser":30256,"Ġvigilant":30257,"Ġimpeachment":30258,"Ġaugmented":30259,"ĠEmployees":30260,"Ġunintended":30261,"ternally":30262,"ĠWatt":30263,"Ġrecognizable":30264,"essim":30265,"æĿ":30266,"Ġcoated":30267,"rha":30268,"Ġlieutenant":30269,"ĠLegislation":30270,"published":30271,"444":30272,"013":30273,"Ġideally":30274,"ĠPassword":30275,"Ġsimplify":30276,"ĠMeta":30277,"ĠMRI":30278,"Ġpleading":30279,"organized":30280,"handler":30281,"Ġunravel":30282,"correct":30283,"Ġicy":30284,"Ġparanoid":30285,"Ġpasser":30286,"Ġinspections":30287,"ofer":30288,"ĠHealthcare":30289,"283":30290,"ĠBrut":30291,"iola":30292,"forge":30293,"ĠMedieval":30294,"MSN":30295,"ievers":30296,"ĠProgramming":30297,"åī":30298,"Ġ223":30299,"mu":30300,"ĠCLE":30301,"uga":30302,"Ġshoppers":30303,"Ġinformative":30304,"ĠPlans":30305,"Ġsupplementation":30306,"ĠTests":30307,"tyard":30308,"ocytes":30309,"ĠVega":30310,"ĠGujarat":30311,"ermanent":30312,"Except":30313,"ĠLOT":30314,"alla":30315,"ĠCumm":30316,"ĠOsw":30317,"Ġvenom":30318,"ĠDebt":30319,"ĠDOWN":30320,"Ġreunion":30321,"Ġmuc":30322,"ĠRelief":30323,"Ġgeop":30324,"ĠðŁĺ":30325,"alogue":30326,"Anth":30327,"echo":30328,"Ġcorros":30329,"Ġreplication":30330,"ĠBlazing":30331,"ĠDaughter":30332,"Ġinflic":30333,"ĠLindsey":30334,"ÙĪ":30335,"284":30336,"Exit":30337,"Ġgloom":30338,"TAIN":30339,"Ġundermining":30340,"Ġadvising":30341,"hidden":30342,"Ġoverflow":30343,"Ġgor":30344,"urdue":30345,"Ġechoes":30346,"enhagen":30347,"Ġimpuls":30348,"drug":30349,"cash":30350,"Ġasync":30351,"Ġmirac":30352,"atts":30353,"punk":30354,"Ġpivot":30355,"ĠLegislative":30356,"Ġbloggers":30357,"ĠClaw":30358,"sburg":30359,"dyl":30360,"ĠRecommend":30361,"Ġverte":30362,"Ġprohibiting":30363,"ĠPanther":30364,"Jonathan":30365,"Ġomin":30366,"Ġhateful":30367,"281":30368,"ĠOrche":30369,"ĠMurdoch":30370,"downs":30371,"Ġasymm":30372,"GER":30373,"Always":30374,"Ġinforms":30375,"ĠWM":30376,"ĠPony":30377,"ĠAppendix":30378,"ĠArlington":30379,"Jam":30380,"Ġmedicinal":30381,"ĠSlam":30382,"ITIES":30383,"Ġreaff":30384,"ĠRi":30385,"FG":30386,"Spring":30387,"bool":30388,"Ġthighs":30389,"Ġmarkings":30390,"ĠRaqqa":30391,"ĠLak":30392,"poll":30393,"tsky":30394,"ĠMorty":30395,"ĠDefinition":30396,"Ġdebunk":30397,"endered":30398,"ĠLeone":30399,"avers":30400,"Ġmortgages":30401,"Apparently":30402,"Nic":30403,"haus":30404,"ĠThousands":30405,"auld":30406,"Ġmash":30407,"shoot":30408,"Ġdiarr":30409,"Ġconsciously":30410,"Hero":30411,"eas":30412,"ĠNaturally":30413,"ĠDestroyer":30414,"Ġdashboard":30415,"services":30416,"Rog":30417,"Ġmillennials":30418,"Ġinvade":30419,"-(":30420,"Ġcommissions":30421,"ĠAuckland":30422,"Ġbroadcasts":30423,"Ġfrontal":30424,"Ġcrank":30425,"ĠHistoric":30426,"Ġrumours":30427,"CTV":30428,"Ġsteril":30429,"Ġbooster":30430,"rocket":30431,"ãĤ¼":30432,"utsche":30433,"ĠPI":30434,"Ġ233":30435,"ĠProducer":30436,"ĠAnalytics":30437,"Ġinvaluable":30438,"Ġunintention":30439,"ĠCY":30440,"Ġscrutin":30441,"Ġgigg":30442,"Ġengulf":30443,"Ġproletariat":30444,"Ġhacks":30445,"ĠHew":30446,"arak":30447,"ĠSlime":30448,"ielding":30449,"agher":30450,"ĠElliot":30451,"Ġtelecom":30452,"Ġ219":30453,"ultan":30454,"ĠArbor":30455,"ĠScouts":30456,"Ban":30457,"Ġlifespan":30458,"Ġblasp":30459,"388":30460,"Ġjudiciary":30461,"ĠContinental":30462,"asking":30463,"McC":30464,"LED":30465,"Ġbaggage":30466,"ĠSorcerer":30467,"Ġremnants":30468,"ĠGriffith":30469,"etsu":30470,"ĠSubaru":30471,"ĠPersonality":30472,"designed":30473,"ushima":30474,"agnar":30475,"Ġrecoil":30476,"Ġpassions":30477,"\\\":":30478,"Ġtee":30479,"Ġabolition":30480,"ĠCreating":30481,"jac":30482,"Ġ194":30483,"019":30484,"Ġpillars":30485,"riched":30486,"/\"":30487,"tk":30488,"Ġlivelihood":30489,"Ġroasted":30490,"ahon":30491,"ĠHutch":30492,"assert":30493,"Ġdividend":30494,"Ġknit":30495,"Ġdaunting":30496,"Ġdisturbance":30497,"Ġshale":30498,"Ġcultivated":30499,"Ġrefrigerator":30500,"LB":30501,"ĠNET":30502,"Ġcommercials":30503,"Ġthinkers":30504,"455":30505,"Ġchop":30506,"Broad":30507,"Ġsuspicions":30508,"Ġtagged":30509,"lifting":30510,"Ġstylish":30511,"ĠShields":30512,"Shortly":30513,"Ġtails":30514,"Auth":30515,"STE":30516,"ĠGAME":30517,"Ġseism":30518,"ĠKis":30519,"ologne":30520,"Ġcowork":30521,"Ġforcibly":30522,"Ġthyroid":30523,"ĠPB":30524,"ANE":30525,"married":30526,"horse":30527,"Ġpolymer":30528,"ĠChal":30529,"odor":30530,"DEBUG":30531,"ĠContext":30532,"Ġbliss":30533,"Ġpinpoint":30534,"ĠMathemat":30535,"legram":30536,"ĠWeekend":30537,"Ġlabelled":30538,"Ġbart":30539,"itles":30540,"Ġestrogen":30541,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":30542,"\"'":30543,"Ġvisibly":30544,"Ġoutsider":30545,"aida":30546,"Area":30547,"Ġdissemin":30548,"Ġdishonest":30549,"ĠClosed":30550,"ĠBulletin":30551,"ĠRamsey":30552,"sword":30553,"ĠXI":30554,"ourced":30555,"Same":30556,"346":30557,"ĠRepe":30558,"ĠKou":30559,"cake":30560,"emis":30561,"Cache":30562,"ĠMeaning":30563,"ĠEnlight":30564,"onomy":30565,"Ġmanifestation":30566,"sworth":30567,"Jay":30568,"Ġchore":30569,"ör":30570,"Dream":30571,"Ġsanctioned":30572,"Ġculturally":30573,"ĠAra":30574,"Nav":30575,"Ġtheological":30576,"Ġstrut":30577,"ĠVO":30578,"ĠHandbook":30579,"Ġconstructing":30580,"Ġ¶":30581,"ĠBenefits":30582,"ĠPsychological":30583,"sac":30584,"å¸":30585,"policy":30586,"ĠMatters":30587,"ĠReported":30588,"ĠByte":30589,"Ġvitro":30590,"ĠMaiden":30591,"Ġlam":30592,"ĠJennings":30593,"Ġgarment":30594,"ĠRutgers":30595,"ĠStafford":30596,"ĠWellington":30597,"Ġintermitt":30598,"Ġnpm":30599,"Ġordeal":30600,"Ġplugged":30601,"ooming":30602,"inished":30603,"framework":30604,"Ġtimber":30605,"Ġcass":30606,"Ġ850":30607,"iless":30608,"ĠRedux":30609,"768":30610,"Stre":30611,"Ġsurpassed":30612,"whel":30613,"Ġparallels":30614,"Ġveil":30615,"ĠGI":30616,"ĠREST":30617,"Ġreadiness":30618,"sort":30619,"Ġmodifying":30620,"ĠSlate":30621,"ruff":30622,"Ġmarble":30623,"Ġinfrared":30624,"Ġauditor":30625,"ĠFANTASY":30626,"ĠPoverty":30627,"ĠSPD":30628,"Ġ\"(":30629,"Ky":30630,"RAY":30631,"Ġexecutions":30632,"ĠBeverly":30633,"ĠMarxism":30634,"ĠBurst":30635,"ĠKali":30636,"estones":30637,"Clearly":30638,"Ell":30639,"ãģ§":30640,"ĠProceedings":30641,"Token":30642,"IFIC":30643,"ña":30644,"Central":30645,"ĠHaley":30646,"ĠDrama":30647,"Ġformations":30648,"ORN":30649,"Books":30650,"Ġdominating":30651,"ĠFlyers":30652,"ĠCompanion":30653,"Ġdisciplined":30654,"ĠYugoslav":30655,"ĠSpells":30656,"Ġvengeance":30657,"Ġlandlords":30658,"Len":30659,"ĠOgre":30660,"anoia":30661,"Ġpiercing":30662,"Ġcongreg":30663,"Ġscorer":30664,"obia":30665,"Ġnickel":30666,"ĠLearns":30667,"Ġrejo":30668,"Ġmasterpiece":30669,"Flash":30670,"Ġinhabited":30671,"ĠOpenGL":30672,"ĠDud":30673,"ĠICO":30674,"Ġarter":30675,"Ġplur":30676,"Ġmastery":30677,"Ġlongstanding":30678,"sted":30679,"Ġwines":30680,"Ġtelevised":30681,"ĠShrine":30682,"ĠBayern":30683,"Ġâĵĺ":30684,"Ġenclosure":30685,"john":30686,"Ġprophets":30687,"ĠResurrection":30688,"ĠOrders":30689,"Ġuneven":30690,"rals":30691,"Ġdwind":30692,"ĠLah":30693,"ĠSloven":30694,"378":30695,"Ġinsistence":30696,"affle":30697,"ĠClone":30698,"Ġhardship":30699,"ĠCongressman":30700,"Ġplead":30701,"Ġreviewers":30702,"Ġcured":30703,"Ġ1935":30704,"asley":30705,"fake":30706,"ĠThinking":30707,"ydia":30708,"PART":30709,"ĠDota":30710,"oit":30711,"Ġwhipped":30712,"Ġbouncing":30713,"ĠHispanics":30714,"comings":30715,"Ġcannabin":30716,"ĠChambers":30717,"ĠZack":30718,"Optional":30719,"Ġcoats":30720,"Ġprowess":30721,"ĠNorton":30722,"Ġplainly":30723,"Ġfreight":30724,"Ġinhibition":30725,"Ġclam":30726,"Ġ303":30727,"kef":30728,"aleigh":30729,"Luke":30730,"Ġpsycho":30731,"atorium":30732,"MED":30733,"Ġtreaties":30734,"Ġindisc":30735,"Ġdc":30736,"OPS":30737,"Ġresilient":30738,"ĠInterstate":30739,"Ġslack":30740,"Ġmundane":30741,"Ġestablishes":30742,"359":30743,"Ġstrained":30744,"Ġnond":30745,"Sus":30746,"Ġcaste":30747,"arate":30748,"ieving":30749,"Ġunfairly":30750,"Ġparser":30751,"onial":30752,"ursive":30753,"Via":30754,"ĠOtto":30755,"ĠAuthorities":30756,"stroke":30757,"KR":30758,"ĠMercy":30759,"Ġfurnished":30760,"Ġoutset":30761,"Ġmetic":30762,"1982":30763,"olithic":30764,"ĠTent":30765,"ogical":30766,"ĠAircraft":30767,"Ġhides":30768,"ĠBecame":30769,"Ġeducators":30770,"reaching":30771,"Ġvolatility":30772,"Ġtoddler":30773,"ĠNASCAR":30774,"ĠTwelve":30775,"ĠHighlights":30776,"Ġgrape":30777,"Ġsplits":30778,"Ġpeasant":30779,"Ġreneg":30780,"ĠMSI":30781,"Temp":30782,"stars":30783,"Ġtrek":30784,"ĠHyde":30785,"binding":30786,"Ġrealism":30787,"Ġoxide":30788,"ĠHos":30789,"Ġmounts":30790,"Ġbiting":30791,"Ġcollapsing":30792,"Ġpostal":30793,"Ġmuseums":30794,"Ġdetached":30795,"Ġrespecting":30796,"Ġmonopol":30797,"Ġworkflow":30798,"ĠCake":30799,"Template":30800,"ĠOrganisation":30801,"Ġpersistence":30802,"369":30803,"Coming":30804,"Brad":30805,"Ġredundant":30806,"ĠGTA":30807,"Ġbending":30808,"Ġrevoked":30809,"Ġoffending":30810,"Ġframing":30811,"Ġprintf":30812,"Commun":30813,"members":30814,"Outside":30815,"Ġconstrued":30816,"Ġcoded":30817,"FORE":30818,"Ġchast":30819,"Chat":30820,"Indian":30821,"ĠYard":30822,"?!\"":30823,"ĠPorts":30824,"ĠXavier":30825,"ĠRET":30826,"'.\"":30827,"ĠBoat":30828,"ivated":30829,"icht":30830,"umerable":30831,"Ds":30832,"ĠDunn":30833,"Ġcoffin":30834,"Ġsecurely":30835,"ĠRaptors":30836,"ĠBes":30837,"Installation":30838,"Ġinception":30839,"ĠHealthy":30840,"endants":30841,"Ġpsychologists":30842,"ĠSheikh":30843,"cultural":30844,"ĠBlackBerry":30845,"shift":30846,"Fred":30847,"oche":30848,"Ġcakes":30849,"ĠSEO":30850,"ĠGian":30851,"ĠAsians":30852,"ogging":30853,"element":30854,"Ġpundits":30855,"ĠVaugh":30856,"ĠGavin":30857,"Ġhitter":30858,"Ġdrowned":30859,"Ġchalk":30860,"ĠZika":30861,"Ġmeasles":30862,"802":30863,"â̦..":30864,"ĠAWS":30865,"]\"":30866,"Ġdistort":30867,"ĠMast":30868,"Ġantibodies":30869,"ĠMash":30870,"Memory":30871,"ĠUganda":30872,"ĠProb":30873,"Ġvomiting":30874,"ĠTurns":30875,"Ġoccupying":30876,"Ġevasion":30877,"ĠTherapy":30878,"Ġpromo":30879,"Ġelectr":30880,"Ġblueprint":30881,"ĠDre":30882,"priced":30883,"ĠDepot":30884,"Ġalleviate":30885,"ĠSomali":30886,"marg":30887,"nine":30888,"Ġnostalgia":30889,"ĠShepherd":30890,"Ġcavalry":30891,"Ġtorped":30892,"ĠBloody":30893,"xb":30894,"Ġsank":30895,"Ġgoalt":30896,"reportprint":30897,"embedreportprint":30898,"cloneembedreportprint":30899,"ĠInitially":30900,"ĠFischer":30901,"Ġnoteworthy":30902,"cern":30903,"Ġinefficient":30904,"rawdownload":30905,"rawdownloadcloneembedreportprint":30906,"cation":30907,"ĠDynasty":30908,"lag":30909,"DES":30910,"Ġdistinctly":30911,"ĠEstonia":30912,"Ġopenness":30913,"Ġgossip":30914,"ruck":30915,"Width":30916,"ĠIbrahim":30917,"Ġpetroleum":30918,"Ġavatar":30919,"ĠHed":30920,"atha":30921,"ĠHogwarts":30922,"Ġcaves":30923,"678":30924,"Ġsafeguard":30925,"ĠMog":30926,"isson":30927,"ĠDurham":30928,"slaught":30929,"ĠGraduate":30930,"Ġsubconscious":30931,"ĠExcellent":30932,"ĠDum":30933,"-----":30934,"Ġpiles":30935,"ĠWORK":30936,"ĠGarn":30937,"ĠFol":30938,"ĠATM":30939,"Ġavoids":30940,"ĠTul":30941,"Ġbleak":30942,"ELY":30943,"ivist":30944,"lightly":30945,"Pers":30946,"ĠDob":30947,"ĠLS":30948,"Ġinsanity":30949,"ε":30950,"atalie":30951,"Enlarge":30952,"Ġtwists":30953,"Ġfaulty":30954,"Ġpiracy":30955,"Ġimpover":30956,"Ġrugged":30957,"ĠFashion":30958,"Ġsands":30959,"'?":30960,"swick":30961,"Ġnatives":30962,"Ġhen":30963,"ĠNoise":30964,"ãĥĹ":30965,"Ġgreens":30966,"Ġfreezer":30967,"Ġdynasty":30968,"ĠFathers":30969,"ĠNewark":30970,"Ġarchaeological":30971,"Ġot":30972,"obar":30973,"Ġblockade":30974,"Ġallerg":30975,"LV":30976,"Ġdebit":30977,"ĠRFC":30978,"ĠMilton":30979,"ĠPressure":30980,"Ġwillingly":30981,"Ġdisproportionate":30982,"Ġoppressive":30983,"Ġdiamonds":30984,"Ġbelongings":30985,"1970":30986,"Ġbells":30987,"Ġimperialism":30988,"Ġ227":30989,"Ġexploding":30990,"ĠEclipse":30991,"Ġ1919":30992,"Ġrant":30993,"Ġnominations":30994,"347":30995,"Ġpeacefully":30996,"rica":30997,"ĠFUCK":30998,"Ġvibration":30999,"malink":31000,"Ġropes":31001,"ĠIvanka":31002,"ĠBrewery":31003,"ĠBooker":31004,"ĠOwens":31005,"goers":31006,"Services":31007,"ĠSnape":31008,"Ġ191":31009,"395":31010,"Ġ299":31011,"justice":31012,"Ġbri":31013,"Ġdiscs":31014,"Ġprominently":31015,"Ġvulgar":31016,"Ġskipping":31017,"lves":31018,"Ġtsunami":31019,"374":31020,"ĠUrug":31021,"ĠEid":31022,"recated":31023,"phen":31024,"Ġfaults":31025,"ĠStarted":31026,"950":31027,"Ġpi":31028,"Ġdetector":31029,"Ġbastard":31030,"Ġvalidated":31031,"SpaceEngineers":31032,"OURCE":31033,"Ġ(~":31034,"Ġunsur":31035,"Ġaffirmed":31036,"Ġfascism":31037,"Ġresolving":31038,"ĠChavez":31039,"ĠCyn":31040,"Ġdetract":31041,"Lost":31042,"Ġrigged":31043,"Ġhomage":31044,"ĠBruno":31045,"555":31046,"eca":31047,"Ġpresses":31048,"Ġhumour":31049,"Ġspacing":31050,"Ġ'/":31051,"olkien":31052,"Coun":31053,"OPER":31054,"Tre":31055,"Son":31056,"ĠCambodia":31057,"ierre":31058,"mong":31059,"ozy":31060,"Ġliquidity":31061,"ĠSoviets":31062,"ĠFernando":31063,"Ġ229":31064,"Ġslug":31065,"ĠCatalan":31066,"electric":31067,"Ġscenery":31068,"ĠHearth":31069,"Ġconstrained":31070,"Ġgoalie":31071,"ĠGuidelines":31072,"ĠAmmo":31073,"ĠPearson":31074,"Ġtaxed":31075,"Ġfetus":31076,"Response":31077,"ĠAlexis":31078,"thia":31079,"Guy":31080,"Ġreconstruct":31081,"Ġextremes":31082,"Ġconcluding":31083,"ĠPeg":31084,"ooks":31085,"Ġdeductions":31086,"Rose":31087,"Ġgroundbreaking":31088,"ĠTarg":31089,"ãĥģ":31090,"ĠReve":31091,"resource":31092,"Ġmoons":31093,"Ġelectromagnetic":31094,"Ġamidst":31095,"ĠViktor":31096,"NESS":31097,"BACK":31098,"Ġcommute":31099,"ĠAnaheim":31100,"Ġfluctuations":31101,"640":31102,"Ġnoodles":31103,"ĠCopenhagen":31104,"ĠTide":31105,"ĠGrizz":31106,"ĠSEE":31107,"Ġpipelines":31108,"Ġscars":31109,"endo":31110,"agus":31111,"ĠETF":31112,"/#":31113,"ĠBecome":31114,"448":31115,"Ġvisc":31116,"ĠRecommended":31117,"Ġjumper":31118,"Ġcognition":31119,"Ġassassin":31120,"Ġwitnessing":31121,"ĠSetup":31122,"Ġlac":31123,"vim":31124,"ISM":31125,"pages":31126,"SSL":31127,"358":31128,"Ġadject":31129,"industrial":31130,"lore":31131,"chery":31132,"Ġglitter":31133,"Ġcalf":31134,"Florida":31135,"Ġspoilers":31136,"Ġsucceeds":31137,"Ġchanting":31138,"Ġslogans":31139,"ĠTracy":31140,"Visit":31141,"rology":31142,"Ġmornings":31143,"Ġlineage":31144,"Ġsip":31145,"Ġintensely":31146,"Ġflourish":31147,"ĠSleeping":31148,"ĠFem":31149,"orpor":31150,"ĠKlan":31151,"ĠDarth":31152,"hack":31153,"ĠNielsen":31154,"Ġtumors":31155,"Ġprocurement":31156,"ĠYorkshire":31157,"Ġraided":31158,"KY":31159,"Anna":31160,"Ġ//[":31161,"ĠDisorder":31162,"ĠMustang":31163,"ĠWen":31164,"ĠTrying":31165,"sq":31166,"Ġdeliveries":31167,"Ġshutter":31168,"Ġcerebral":31169,"Ġbipolar":31170,"ĠCN":31171,"lass":31172,"jet":31173,"Ġdebating":31174,">:":31175,"Ġeagle":31176,"grades":31177,"ĠDixon":31178,"UGC":31179,"MAS":31180,"ĠDraco":31181,"ĠMachines":31182,"affer":31183,"Ġeman":31184,"²":31185,"pron":31186,"ĠGym":31187,"Ġcomparatively":31188,"ĠTribunal":31189,"PRO":31190,"Ġlex":31191,"Ġfertile":31192,"Ġdepressing":31193,"Ġsuperficial":31194,"essential":31195,"ĠHunters":31196,"gp":31197,"Ġprominence":31198,"Liber":31199,"ĠAncest":31200,"otechnology":31201,"Ġmocking":31202,"ĠTraff":31203,"ĸļ":31204,"Medium":31205,"Iraq":31206,"Ġpsychiatrist":31207,"Quantity":31208,"ĠLect":31209,"Ġnoisy":31210,"520":31211,"GY":31212,"Ġslapped":31213,"ĠMTV":31214,"Ġpara":31215,"pull":31216,"Multiple":31217,"asher":31218,"Ġnour":31219,"ĠSeg":31220,"Spell":31221,"vous":31222,"ordial":31223,"Senior":31224,"ĠGoldberg":31225,"ĠPlasma":31226,"need":31227,"Ġmessenger":31228,"eret":31229,"Ġteamed":31230,"Ġliteracy":31231,"ĠLeah":31232,"ĠDoyle":31233,"Ġemitted":31234,"UX":31235,"Ġevade":31236,"Ġmaze":31237,"Ġwrongly":31238,"ĠLars":31239,"Ġstereotype":31240,"Ġpledges":31241,"Ġaroma":31242,"ĠMET":31243,"Ġacre":31244,"ĠOD":31245,"Ġff":31246,"Ġbreweries":31247,"ĠHilton":31248,"undle":31249,"ĠKak":31250,"ĠThankfully":31251,"ĠCanucks":31252,"inctions":31253,"ĠAppears":31254,"Ġcoer":31255,"Ġundermined":31256,"rovers":31257,"Andre":31258,"Ġblaze":31259,"umers":31260,"Ġfamine":31261,"amphetamine":31262,"ulkan":31263,"Amount":31264,"Ġdesperation":31265,"wikipedia":31266,"development":31267,"ĠCorinth":31268,"ussia":31269,"Jackson":31270,"LI":31271,"Native":31272,"Rs":31273,"Ohio":31274,"ĠKathleen":31275,"Fortunately":31276,"Ġattendant":31277,"ĠPreferred":31278,"ĠDidn":31279,"ĠVs":31280,"Mis":31281,"Ġrespondent":31282,"Ġboun":31283,"stable":31284,"Ġpaved":31285,"Ġunexpl":31286,"ĠCheney":31287,"LM":31288,"ĠCull":31289,"blown":31290,"Ġconfronting":31291,"ocese":31292,"serving":31293,"Wi":31294,"ĠLithuania":31295,"anni":31296,"Ġstalk":31297,"hd":31298,"Ġvener":31299,"APH":31300,"ynchronous":31301,"URR":31302,"umably":31303,"historic":31304,"Half":31305,"Hay":31306,"Ġresilience":31307,"spection":31308,"Ġabandoning":31309,"Obs":31310,"ĠDebbie":31311,"Ġgradient":31312,"ĠPlaint":31313,"ĠCanal":31314,"ARCH":31315,"Ġexpansive":31316,"Ġfung":31317,"Ġbounced":31318,"Und":31319,"Ġprecautions":31320,"Ġclarification":31321,"Ġdagger":31322,"Ġgrips":31323,"Ġµ":31324,"ĠRivera":31325,"ĠUndead":31326,"isites":31327,"ĠFIRST":31328,"ño":31329,"audi":31330,"Ġhostages":31331,"Ġcompliant":31332,"Ġalumni":31333,"Seven":31334,"Ġcybersecurity":31335,"either":31336,"Collect":31337,"Ġinvariably":31338,"ĠSoci":31339,"Ġlawmaker":31340,"Ġale":31341,"ĠPersonally":31342,"Nazi":31343,"Ġcustomization":31344,"ĠProc":31345,"ĠSaskatchewan":31346,"eaturing":31347,"Ġspared":31348,"Ġdiscontinued":31349,"Ġcomputational":31350,"ĠMotorola":31351,"Ġsupremacist":31352,"governmental":31353,"Ġparadise":31354,"ĠDowning":31355,"ĠNikon":31356,"Ġcatalyst":31357,"berra":31358,"Toronto":31359,"875":31360,"beta":31361,"ĠMacron":31362,"Ġunrealistic":31363,"vector":31364,"ĠVehicles":31365,"itiveness":31366,"ĠRV":31367,"ĠColbert":31368,"sin":31369,"oji":31370,"entin":31371,"ĠKrish":31372,"hello":31373,"ffield":31374,"oky":31375,"ĠTate":31376,"Ġmaple":31377,"Ġaids":31378,"chemical":31379,"334":31380,"nuts":31381,"ĠWarp":31382,"Ġxx":31383,"ĠRobb":31384,"umerous":31385,"_-_":31386,"ftime":31387,"ĠVW":31388,"Ġwinger":31389,"ĠDome":31390,"tools":31391,"ĠPV":31392,"ĠGeorgetown":31393,"Ġgeared":31394,"Ġjihadists":31395,"Ġcp":31396,"Ġsteroids":31397,"Mother":31398,"clerosis":31399,"ĠDRM":31400,"nesia":31401,"Ġlinger":31402,"Ġimmersive":31403,"ĠCOUN":31404,"Ġoutweigh":31405,"ensual":31406,"Band":31407,"Ġtransforms":31408,"matched":31409,"psons":31410,"ĠJudicial":31411,"factor":31412,"Ġreferral":31413,"Ġoddly":31414,"ĠWenger":31415,"Bring":31416,"ĠBows":31417,"602":31418,"ICLE":31419,"Ġlions":31420,"ĠAcademic":31421,"ĠThorn":31422,"ĠRaider":31423,"kefeller":31424,"Storage":31425,"Lower":31426,"ĠOrt":31427,"ĠEquality":31428,"ALT":31429,"ĠSOC":31430,"Types":31431,"Ġlyn":31432,"ĠAsset":31433,"coat":31434,"TPP":31435,"CVE":31436,"ĠPioneer":31437,"application":31438,"Modern":31439,"ĠHK":31440,"Environment":31441,"Alright":31442,"Rain":31443,"IPP":31444,"ĠShiite":31445,"Ġmound":31446,"ĠAbilities":31447,"condition":31448,"Staff":31449,"Ġcompetence":31450,"ĠMoor":31451,"ĠDiablo":31452,"Ġwithheld":31453,"Ġostensibly":31454,"ĠBrom":31455,"Ġmsg":31456,"Ġdenomin":31457,"ĠReferences":31458,"ĠFP":31459,"Ġplunged":31460,"Ġpamph":31461,"moving":31462,"central":31463,"Ġdownright":31464,"Ġfading":31465,"Tal":31466,"Typ":31467,"ĠThy":31468,"ukes":31469,"ithe":31470,"Ġove":31471,"Ġbattled":31472,"Ġseafood":31473,"Ġfigur":31474,"ĠRD":31475,"crop":31476,"Ġsquads":31477,"{\\":31478,"à¹":31479,"ĠEh":31480,"Ġinterviewing":31481,"ĠQin":31482,"Ġaspiring":31483,"PLIC":31484,"Ġclauses":31485,"ĠGast":31486,"ĠNir":31487,"Ġluggage":31488,"Ġhose":31489,"Ġsystemd":31490,"Ġdescending":31491,"ĠRevised":31492,"ĠRails":31493,"align":31494,"709":31495,"337":31496,"Ġfug":31497,"charging":31498,"tags":31499,"Ġuter":31500,"kish":31501,"WARNING":31502,"490":31503,"profits":31504,"Ġvoyage":31505,"Ġace":31506,"ĠVanguard":31507,"ĠTanks":31508,"ĠMuk":31509,"Ġ226":31510,"Safe":31511,"Armor":31512,"Ġvolcanic":31513,"Ġwomb":31514,"ĠMIL":31515,"Ġbeginner":31516,"ĠRecogn":31517,"ĠAAP":31518,"PLAY":31519,")!":31520,"Ġdetecting":31521,"cn":31522,"Ġbreaches":31523,"Basically":31524,"ĠPag":31525,"ĠMunicipal":31526,"ĠIndie":31527,"ĠLaf":31528,"ĠDisable":31529,"ĠOlson":31530,"Ġrestrained":31531,"Ġrulings":31532,"Ġhumane":31533,"events":31534,"ĠCinema":31535,"displayText":31536,"ĠHatch":31537,"actionDate":31538,"onnaissance":31539,"Ġassaulting":31540,"ĠLug":31541,"CHAT":31542,"Ġvigorous":31543,"ĠPerse":31544,"Ġintolerance":31545,"ĠSnapchat":31546,"ĠSharks":31547,"Ġdummy":31548,"ĠDiagn":31549,"ĠGuitar":31550,"imeters":31551,"403":31552,"REG":31553,"Ax":31554,"Ġseparates":31555,"ĠMahm":31556,"Ġtv":31557,"jah":31558,"OOL":31559,"Circ":31560,"ĠWindsor":31561,"ussian":31562,"Ġintuition":31563,"Ġdisdain":31564,"ĠDonovan":31565,"Ġ221":31566,"Emb":31567,"Ġcondemning":31568,"Ġgenerosity":31569,"zzy":31570,"Ġpanties":31571,"ĠPrevent":31572,"ActionCode":31573,"ANA":31574,"342":31575,"externalActionCode":31576,"Ġspecifying":31577,"Ġcrystall":31578,"Jere":31579,"Ġrupt":31580,"ĠApprentice":31581,"Ġprofiling":31582,"к":31583,"Strike":31584,"Ġsideline":31585,"Ġobligated":31586,"Ġoccult":31587,"Ġbureaucratic":31588,"antically":31589,"rupted":31590,"negative":31591,"ĠEthiopia":31592,"ĠCivic":31593,"Ġinsiders":31594,"eligible":31595,"ĠTVs":31596,"ĠBAR":31597,"ĠTI":31598,"iologist":31599,"ĠAIR":31600,"Ġsubstituted":31601,"Arab":31602,"ĠSaul":31603,"ĠYog":31604,"prem":31605,"Ġbuilders":31606,"Ġstationary":31607,"Ġdoubtful":31608,"Ġvigorously":31609,"Ġthrilling":31610,"Physical":31611,"ĠCarey":31612,"ĠHydra":31613,"geoning":31614,"ĠSly":31615,"yton":31616,"Ġborrowers":31617,"ĠParkinson":31618,"Ġë":31619,"ĠJamaica":31620,"Ġsatir":31621,"Ġinsurgents":31622,"ĠFirm":31623,"Ġisot":31624,"ĠKarn":31625,"ourning":31626,"akens":31627,"docs":31628,"little":31629,"ĠMonaco":31630,"CLASS":31631,"Turkey":31632,"Ly":31633,"ĠConan":31634,"assic":31635,"Ġstarred":31636,"ĠPacers":31637,"eties":31638,"Ġtipping":31639,"Moon":31640,"ĠRw":31641,"same":31642,"Ġcavity":31643,"Ġgoof":31644,"ĠZo":31645,"Shock":31646,"ummer":31647,"Ġemphasizes":31648,"Ġregrett":31649,"Ġnovelty":31650,"Ġenvy":31651,"ĠPassive":31652,"rw":31653,"505":31654,"Ġindifferent":31655,"ĠRica":31656,"ĠHimself":31657,"ĠFreddie":31658,"Ġadip":31659,"ä¸Ģ":31660,"Ġbreakout":31661,"Ġhurried":31662,"ĠHuang":31663,"ĠDisk":31664,"Ġroaming":31665,"?????-?????-":31666,"UV":31667,"ĠRicky":31668,"ĠSigma":31669,"Ġmarginalized":31670,"Ġedits":31671,"Ġ304":31672,"memory":31673,"Ġspecimen":31674,"293":31675,"ãģ¯":31676,"Ġvertically":31677,"Ġaudition":31678,"ĠHeck":31679,"Ġcaster":31680,"ĠHoldings":31681,"adal":31682,"ĠCron":31683,"ĠLiam":31684,"Ġdeflect":31685,"Pick":31686,"ĠDebug":31687,"REF":31688,"Ġversatility":31689,"othes":31690,"classified":31691,"ĠMahar":31692,"ĠHort":31693,"Counter":31694,"stasy":31695,"noticed":31696,"331":31697,"ĠShim":31698,"fuck":31699,"ĠBie":31700,"Ġairing":31701,"ĠProtein":31702,"ĠHolding":31703,"Ġspectators":31704,"iliated":31705,"ĠThatcher":31706,"nosis":31707,"ãĥ¼ãĥ³":31708,"Tele":31709,"Boston":31710,"ĠTempl":31711,"stay":31712,"Ġdeclarations":31713,"479":31714,"Volume":31715,"ĠDesigner":31716,"ĠOverwatch":31717,"idae":31718,"Ġonwards":31719,"Ġnets":31720,"ĠManila":31721,"particularly":31722,"Ġpolitic":31723,"oother":31724,"Ġportraits":31725,"Ġpavement":31726,"cffff":31727,"Ġsaints":31728,"Ġbeginners":31729,"ESPN":31730,"Ġshortcomings":31731,"âķIJâķIJ":31732,"Ġcomet":31733,"ĠOrganic":31734,"quel":31735,"Ġhospitalized":31736,"Break":31737,"Ġpeel":31738,"dylib":31739,"aspx":31740,"urances":31741,"ĠTIM":31742,"Pg":31743,"Ġreadable":31744,"ĠMalik":31745,"Ġmuzzle":31746,"Ġbenchmarks":31747,"dal":31748,"ĠVacc":31749,"ĠHicks":31750,"609":31751,"ĠBiblical":31752,"heng":31753,"Ġoverload":31754,"ĠCivilization":31755,"Ġimmoral":31756,"Ġfries":31757,"ãĤĴ":31758,"Ġreproduced":31759,"Ġformulation":31760,"jug":31761,"irez":31762,"gear":31763,"Ġcoached":31764,"MpServer":31765,"ĠSJ":31766,"ĠKw":31767,"Init":31768,"deal":31769,"ĠOro":31770,"ĠLoki":31771,"ĠSongs":31772,"Ġ232":31773,"ĠLouise":31774,"asionally":31775,"Ġuncond":31776,"ollywood":31777,"Ġprogressives":31778,"ĠEnough":31779,"ĠDoe":31780,"Ġwreckage":31781,"Ġbrushed":31782,"ĠBaseType":31783,"Ġzoning":31784,"ishable":31785,"hetically":31786,"ĠCaucus":31787,"ĠHue":31788,"Ġkarma":31789,"ĠSporting":31790,"Ġtrader":31791,"Ġseeming":31792,"ĠCapture":31793,"430":31794,"bish":31795,"Ġtunes":31796,"Ġindoors":31797,"ĠSphere":31798,"ĠDancing":31799,"TERN":31800,"Ġnob":31801,"ĠGST":31802,"maps":31803,"Ġpeppers":31804,"Fit":31805,"Ġoversees":31806,"ĠRabbi":31807,"ĠRuler":31808,"vertising":31809,"office":31810,"xxx":31811,"Ġraft":31812,"Changed":31813,"Ġtextbooks":31814,"Links":31815,"ĠOmn":31816,"ãĢij":31817,"Ġinconvenience":31818,"ĠDonetsk":31819,"=~":31820,"Ġimplicitly":31821,"Ġboosts":31822,"ĠBones":31823,"ĠBoom":31824,"Courtesy":31825,"Ġsensational":31826,"ANY":31827,"Ġgreedy":31828,"eden":31829,"Ġinexper":31830,"ĠLer":31831,"ĠVale":31832,"Ġtighten":31833,"ĠEAR":31834,"ĠNum":31835,"Ġancestor":31836,"Sent":31837,"ĠHorde":31838,"urgical":31839,"allah":31840,"Ġsap":31841,"amba":31842,"ĠSpread":31843,"twitch":31844,"Ġgrandson":31845,"Ġfracture":31846,"Ġmoderator":31847,"ĠSeventh":31848,"ĠReverse":31849,"Ġestimation":31850,"Choose":31851,"Ġparach":31852,"Ġbarric":31853,"ãĢIJ":31854,"Ġcompass":31855,"Ġallergic":31856,"âĢķ":31857,"OTHER":31858,"errilla":31859,"Ġwagon":31860,"Ġzinc":31861,"Ġrubbed":31862,"ĠFuller":31863,"ĠLuxembourg":31864,"ĠHoover":31865,"Ġliar":31866,"ĠEvening":31867,"ĠCobb":31868,"esteem":31869,"Ġselector":31870,"ĠBrawl":31871,"isance":31872,"ĠEk":31873,"Ġtroop":31874,"Ġguts":31875,"ĠAppeal":31876,"ĠTibetan":31877,"Ġroutines":31878,"ĠMent":31879,"Ġsummarized":31880,"steamapps":31881,"Ġtranqu":31882,"Ġ1929":31883,"oran":31884,"ĠAuthent":31885,"Ġgmaxwell":31886,"Ġapprehens":31887,"Ġpoems":31888,"Ġsausage":31889,"ĠWebster":31890,"urus":31891,"Ġthemed":31892,"Ġlounge":31893,"Ġcharger":31894,"Spoiler":31895,"Ġspilled":31896,"hog":31897,"ĠSunder":31898,"ĠAin":31899,"ĠAngry":31900,"Ġdisqual":31901,"ĠFrequency":31902,"ĠEthernet":31903,"Ġhelper":31904,"Percent":31905,"Ġhorrifying":31906,"Ġail":31907,"ĠAllan":31908,"EEE":31909,"ĠCrossing":31910,"449":31911,"Ġholog":31912,"ĠPuzzles":31913,"ĠGoes":31914,"erenn":31915,"604":31916,"ãģı":31917,"ĠRafael":31918,"Ġatten":31919,"ĠEmanuel":31920,"Ġupro":31921,"ĠSusp":31922,"Psych":31923,"ĠTrainer":31924,"ĠNES":31925,"ĠHunts":31926,"becue":31927,"Ġcounselor":31928,"Rule":31929,"Ġtoxins":31930,"Ġbanners":31931,"rifice":31932,"Ġgreeting":31933,"Ġfrenzy":31934,"Ġallocate":31935,"Ġ*)":31936,"expr":31937,"503":31938,"ĠChick":31939,"ĠTorn":31940,"Ġconsolidation":31941,"ĠFletcher":31942,"switch":31943,"frac":31944,"clips":31945,"ĠMcKin":31946,"ĠLunar":31947,"Month":31948,"ITCH":31949,"Ġscholarly":31950,"raped":31951,"398":31952,"Ġ1910":31953,"Ġegreg":31954,"Ġinsecure":31955,"Ġvictorious":31956,"cffffcc":31957,"Ġsingled":31958,"Ġelves":31959,"ĠWond":31960,"burst":31961,"Ġcamoufl":31962,"ĠBLACK":31963,"Ġconditioned":31964,"çī":31965,"answered":31966,"Ġcompulsory":31967,"ascist":31968,"Ġpodcasts":31969,"ĠFrankfurt":31970,"bnb":31971,"Ġneoliberal":31972,"ĠKeyboard":31973,"ĠBelle":31974,"warm":31975,"Ġtrusts":31976,"Ġinsured":31977,"ĠBucc":31978,"usable":31979,"607":31980,"ĠPlains":31981,"Ġ1890":31982,"Ġsabotage":31983,"Ġlodged":31984,"felt":31985,"Ġga":31986,"ĠNarc":31987,"ĠSalem":31988,"Ġseventy":31989,"ĠBlank":31990,"pocket":31991,"Ġwhisper":31992,"Ġmating":31993,"omics":31994,"ĠSalman":31995,"ĠKad":31996,"Ġangered":31997,"Ġcollisions":31998,"Ġextraordinarily":31999,"Ġcoercion":32000,"Ghost":32001,"birds":32002,"èĢ":32003,"kok":32004,"Ġpermissible":32005,"avorable":32006,"Ġpointers":32007,"Ġdissip":32008,"aci":32009,"Ġtheatrical":32010,"ĠCosmic":32011,"Ġforgetting":32012,"Ġfinalized":32013,"大":32014,"yout":32015,"library":32016,"Ġbooming":32017,"ĠBelieve":32018,"ĠTeacher":32019,"ĠLiv":32020,"ĠGOODMAN":32021,"ĠDominican":32022,"ORED":32023,"ĠParties":32024,"Ġprecipitation":32025,"ĠSlot":32026,"Roy":32027,"ĠCombined":32028,"Ġintegrating":32029,"Ġchrome":32030,"Ġintestinal":32031,"ĠRebell":32032,"Ġmatchups":32033,"Ġblockbuster":32034,"ĠLoren":32035,"ĠLevy":32036,"Ġpreaching":32037,"ĠSending":32038,"ĠPurpose":32039,"rax":32040,"fif":32041,"Ġauthoritative":32042,"ĠPET":32043,"astical":32044,"Ġdishon":32045,"Ġchatting":32046,"Ġ\"$:/":32047,"Connection":32048,"Ġrecreate":32049,"Ġdelinqu":32050,"Ġbroth":32051,"ĠDirty":32052,"ĠAdmin":32053,"zman":32054,"Ġscholarships":32055,"Ġ253":32056,"contact":32057,"alsa":32058,"767":32059,"creen":32060,"abbage":32061,"Ġ1915":32062,"Ġblended":32063,"Ġalarmed":32064,"Language":32065,"356":32066,"Ġblends":32067,"ĠChanged":32068,"Wolf":32069,"Ġhepat":32070,"Creating":32071,"Ġpersecut":32072,"Ġsweetness":32073,"arte":32074,"Ġforfeiture":32075,"ĠRoberto":32076,"impro":32077,"NFL":32078,"ĠMagnet":32079,"Detailed":32080,"Ġinsignificant":32081,"ĠPOLIT":32082,"ĠBBQ":32083,"ĠCPS":32084,"Ġseaw":32085,"aminer":32086,"mL":32087,"endif":32088,"finals":32089,"Ġ265":32090,"uish":32091,"Ġ})":32092,"ĠProblems":32093,"Ġemblem":32094,"Ġseriousness":32095,"Ġparsing":32096,"Ġsubstitution":32097,"Ġpressured":32098,"Ġrecycled":32099,"aleb":32100,"Ruby":32101,"Ġproficiency":32102,"Driver":32103,"ĠWester":32104,":'":32105,"AFTA":32106,"Ġmantle":32107,"ĠClayton":32108,"flag":32109,"Ġpractitioner":32110,"covered":32111,"ĠStruct":32112,"addafi":32113,"425":32114,"ĠTownship":32115,"ĠHydro":32116,"Louis":32117,"343":32118,"Ġcondo":32119,"ĠTao":32120,"Ġutilization":32121,"Ġnausea":32122,"ĠDems":32123,"ridges":32124,"pause":32125,"Ġformulas":32126,"Ġchallenger":32127,"376":32128,"Ġdefective":32129,"ĠRailway":32130,"ĠPubMed":32131,"Ġyogurt":32132,"lbs":32133,"ĠNorfolk":32134,"OPE":32135,"ĠMoody":32136,"Ġdistributor":32137,"Ġscrolls":32138,"Ġextracts":32139,"Stan":32140,"Ġviability":32141,"Ġexposes":32142,"Ġstarvation":32143,"ĠSteps":32144,"ĠDodd":32145,"few":32146,"STD":32147,"332":32148,"Ġclosures":32149,"Ġcomplementary":32150,"ĠSasha":32151,"umpy":32152,"Ġmonet":32153,"Ġarticulate":32154,"ĠDoct":32155,"killer":32156,"Ġscrim":32157,"Ġ264":32158,"Ġprostitutes":32159,"Ġsevered":32160,"Ġattachments":32161,"Ġcooled":32162,"Lev":32163,"ĠFalk":32164,"fail":32165,"Ġpoliceman":32166,"ĠDag":32167,"Ġprayed":32168,"ĠKernel":32169,"Ġclut":32170,"Ġcath":32171,"Ġanomaly":32172,"Storm":32173,"emaker":32174,"ĠBreakfast":32175,"uli":32176,"oire":32177,"JJ":32178,"hz":32179,"Operation":32180,"ĠSick":32181,"354":32182,"ĠGuatemala":32183,"Rate":32184,"Ġexposures":32185,"faces":32186,"ĠArchae":32187,"raf":32188,"ĠMia":32189,"Ġ2025":32190,"Ġopaque":32191,"Ġdisguised":32192,"ĠHeadquarters":32193,"Sah":32194,"Ġpots":32195,"978":32196,"ĠMalf":32197,"Ġfrowned":32198,"Ġpoisonous":32199,"ĠConvers":32200,"eeks":32201,"Ġcrab":32202,".\"\"":32203,"Ġtreason":32204,"Ġranc":32205,"Ġescalating":32206,"Ġwarr":32207,"Ġmobs":32208,"Ġlamps":32209,"ĠSunshine":32210,"ĠBrunswick":32211,"Phones":32212,"Ġspelled":32213,"ĠSkip":32214,"Ġ2050":32215,"Ġ1911":32216,"ĠPluto":32217,"ĠAmend":32218,"Ġmeats":32219,"387":32220,"Ġstomp":32221,"ĠZhou":32222,"ĠLeviathan":32223,"ĠHazard":32224,"adv":32225,"ĠOrwell":32226,"Ġaloud":32227,"Ġbumper":32228,"ĠAnarch":32229,"ubuntu":32230,"ĠSerious":32231,"fitting":32232,"ĠOptional":32233,"ĠCecil":32234,"REAM":32235,"Ġserotonin":32236,"Ġcultivate":32237,"agogue":32238,"}\\":32239,"Ġmosques":32240,"ĠSunny":32241,"Ġreactive":32242,"revolution":32243,"ĠLup":32244,"ĠFedora":32245,"Ġdefenseman":32246,"ĠVID":32247,"istine":32248,"Ġdrowning":32249,"ĠBroadcasting":32250,"Ġthriller":32251,"ĠScy":32252,"Ġaccelerating":32253,"Ġdirects":32254,"odied":32255,"bike":32256,"duration":32257,"Ġpainfully":32258,"Redd":32259,"Ġproductions":32260,"Ġgag":32261,"Ġwhist":32262,"Ġsock":32263,"Ġinfinitely":32264,"ĠConcern":32265,"ĠCitadel":32266,"Ġlieu":32267,"Ġcandles":32268,"ogeneous":32269,"arger":32270,"Ġheavenly":32271,"inflammatory":32272,"Performance":32273,"Cs":32274,"ructose":32275,"azaki":32276,"Ġpessim":32277,"Ġinference":32278,"Ġpowd":32279,"ĠZoe":32280,"Ġpaints":32281,"Ġdazz":32282,"pta":32283,"-----------":32284,"Ġinspir":32285,"ĠExperimental":32286,"ĠKnife":32287,"regor":32288,"bors":32289,"Ġshowers":32290,"romeda":32291,"Ġsaint":32292,"Ġbenign":32293,"ĠJiang":32294,"Ġenvisioned":32295,"Ġshroud":32296,"IFT":32297,"HO":32298,"Ġshuff":32299,"ĠICC":32300,"Ġsegreg":32301,"Ġrevisit":32302,"ighthouse":32303,"Li":32304,"Ġsubstrate":32305,"ĠSeas":32306,"ĠReward":32307,"ĠHep":32308,"ĠBrass":32309,"sbm":32310,"Ġeliminates":32311,"Ġstamina":32312,"ĠVAT":32313,"ĠLoan":32314,"Ġconstraint":32315,"Ġappropriated":32316,"Ġpes":32317,"ĠALE":32318,"ranging":32319,"Ġ404":32320,"392":32321,"Ġintellectuals":32322,"achu":32323,"Ġrestructuring":32324,"ĠLevin":32325,"Ġrunes":32326,"Ġdelightful":32327,"Ġcarbohydrates":32328,"ĠModels":32329,"ĠExpo":32330,"Ġtransporting":32331,"alloc":32332,"Ġringing":32333,"Samsung":32334,"Ġscarcely":32335,"ĠURLs":32336,"ĠMAS":32337,"Ġprototypes":32338,"Ġnarrator":32339,"ĠCPUs":32340,"cdn":32341,"ĠBarton":32342,"Ġdecidedly":32343,"ĠShu":32344,"ixir":32345,"ocious":32346,"ĠMyst":32347,"Nintendo":32348,"Ġreuse":32349,"Ġforgiven":32350,"Few":32351,"inical":32352,"nat":32353,"Ġseamless":32354,"ĠEva":32355,"ĠEVE":32356,"ĠJO":32357,"landers":32358,"Ġsofter":32359,"negie":32360,"Ġtransient":32361,"Ġorbital":32362,"Ġfulfil":32363,"ĠKom":32364,"Hopefully":32365,"Ġdynamically":32366,"ĠHunger":32367,"åĽ":32368,"ĠArmenia":32369,"elman":32370,"berto":32371,"Ġpige":32372,"ĠIDs":32373,"limit":32374,"Ġveins":32375,"Ġsoaring":32376,"packs":32377,"Golden":32378,"ĠCrab":32379,"istor":32380,"ĠRPM":32381,"Ġ$$":32382,"gression":32383,"Ġjihadist":32384,"Ġgamble":32385,"Ġcareg":32386,"Ġinflated":32387,"Face":32388,"ĠFirearms":32389,"ĠEmmanuel":32390,"âĿ":32391,"Ġshocks":32392,"grab":32393,"Ġsplend":32394,"ĠHPV":32395,"abortion":32396,"Above":32397,"Entity":32398,"players":32399,"Ġcommenced":32400,"ulence":32401,"Ġfulfillment":32402,"Ġembodiments":32403,"ĠWelfare":32404,"Ġhail":32405,"Ġ<@":32406,"tten":32407,"Ġcatcher":32408,"ĠJazeera":32409,"Ġvolcano":32410,"Ġstabilize":32411,"ĠHandler":32412,"Ġintensified":32413,"ĠAbrams":32414,"Ġhumiliation":32415,"paced":32416,"605":32417,"ĠCentOS":32418,"Specific":32419,"Ġheed":32420,"ĠCAM":32421,"ĠGalile":32422,"Die":32423,"Ġabolished":32424,"ĠThomson":32425,"ĠTeachers":32426,"ĠWass":32427,"jong":32428,"ĠISBN":32429,"ĠAllies":32430,"shake":32431,"å·":32432,"vict":32433,"Howard":32434,"Ġdeem":32435,"Ġexceedingly":32436,"ĠSmartstocks":32437,"ibe":32438,"Ġdoorway":32439,"Ġcompeted":32440,"igmat":32441,"Ġnationalists":32442,"Ġgroom":32443,"ĠKeen":32444,"Ġdisposable":32445,"decl":32446,"ĠTolkien":32447,"ĠScheme":32448,"Ġbiod":32449,"Ġavid":32450,"ĠElon":32451,"agar":32452,"ĠTSA":32453,"Roman":32454,"Ġartificially":32455,"Ġadvisors":32456,"XL":32457,"ĠInferno":32458,"366":32459,"Ġtedious":32460,"ĠPhotography":32461,"ĠCarrie":32462,"Ġtrope":32463,"ĠSandra":32464,"Ġdecimal":32465,"Queen":32466,"ĠGundam":32467,"ĠOM":32468,"otech":32469,"NBA":32470,"Ġ1932":32471,"Ġentrenched":32472,"ĠMarion":32473,"Ġfraternity":32474,"Labour":32475,"Henry":32476,"Ġlatitude":32477,"Either":32478,"Ġenhances":32479,"ĠPotential":32480,"Ġshines":32481,"idad":32482,"Ġbreadth":32483,"Ġcapacities":32484,"ĠðŁĻĤ":32485,"ĠBronx":32486,"Ġsexes":32487,"Ġdifferentiation":32488,"Ġheavyweight":32489,"ĠTaj":32490,"dra":32491,"Ġmigrate":32492,"Ġexhaustion":32493,"ĠRUN":32494,"elsius":32495,"ĠCuomo":32496,"Ġguitars":32497,"Ġclones":32498,"ĠSomew":32499,"ĠPry":32500,"-------------":32501,"Ġwarranted":32502,"cycles":32503,"Ġsalvage":32504,"Ġdisks":32505,"RANT":32506,"ĠNGOs":32507,"ĠMartian":32508,"\":[{\"":32509,"Ġaddicts":32510,"ojure":32511,"illet":32512,"Ġamazingly":32513,"artments":32514,"pixel":32515,"ĠGPUs":32516,"Layout":32517,"è£":32518,"ĠTamil":32519,"ĠBasil":32520,"Ġimpartial":32521,"ĠStructure":32522,"fork":32523,"bryce":32524,"Ġridge":32525,"ĠHamburg":32526,"rious":32527,"Ġblitz":32528,"cigarettes":32529,"Ġcanned":32530,"402":32531,"Ġironically":32532,"Ġcompassionate":32533,"ĠHawkins":32534,".#":32535,"ĠCathedral":32536,"Ġrallied":32537,"internal":32538,"Ġquota":32539,"stakes":32540,"TEXT":32541,"mom":32542,"Ġcompletes":32543,"Ġ238":32544,"Ġshrug":32545,"ãĥij":32546,"ĠNinth":32547,"Ġrevise":32548,"ĠProvider":32549,"Ġtreacher":32550,"Ġquasi":32551,"ĠPRES":32552,"Ġdeposition":32553,"Ġconfidentiality":32554,"issors":32555,"Ġimbalance":32556,"Ġspanning":32557,"Ġangular":32558,"ĠCul":32559,"communication":32560,"ĠNora":32561,"ĠGenius":32562,"opter":32563,"Ġsacked":32564,"Spot":32565,"Ġfinely":32566,"ĠCHR":32567,"282":32568,"waves":32569,"Palest":32570,"ĠRohing":32571,"NL":32572,"è¿":32573,"Ġshitty":32574,"ĠScalia":32575,"475":32576,"Progress":32577,"Ġreferencing":32578,"Ġclassrooms":32579,"abee":32580,"Ġsod":32581,"hesion":32582,"708":32583,"ĠZuckerberg":32584,"ĠFinish":32585,"ĠScotia":32586,"ĠSavior":32587,"ĠInstallation":32588,"antha":32589,"(-":32590,"Ġ302":32591,"ĠPunk":32592,"Ġcrater":32593,"youtu":32594,"Ġroast":32595,"Ġinfluencing":32596,"Ġdup":32597,"ĠJR":32598,"ĠGrav":32599,"Ġstature":32600,"Ġbathrooms":32601,"Aside":32602,"Wiki":32603,"mean":32604,"ĠZak":32605,"ĠOnes":32606,"ĠNath":32607,"Ġhypert":32608,"Ġcommencement":32609,"Civil":32610,"Ġmoderately":32611,"Ġdistributors":32612,"Ġbreastfeeding":32613,"Ġ980":32614,"ĠSik":32615,"ĠCig":32616,"ĠAMER":32617,"RIP":32618,"ĠCareer":32619,"usting":32620,"Ġmessed":32621,"Ġeh":32622,"ĠJensen":32623,"/$":32624,"Ġblackmail":32625,"Ġconversions":32626,"Ġscientifically":32627,"Ġmantra":32628,"paying":32629,"Ġivory":32630,"ĠCourts":32631,"OUGH":32632,"auntlet":32633,"Serial":32634,"Brow":32635,"ĠHundreds":32636,"323":32637,"Ġpee":32638,"Ġlinux":32639,"Ġsubmer":32640,"ĠPrincipal":32641,"485":32642,"ĠDSL":32643,"ĠCousins":32644,"Ġdoctrines":32645,"ĠAthletics":32646,"Ġ315":32647,"ĠKarma":32648,"Ġattent":32649,"urger":32650,"Ġprescribe":32651,"Ġencaps":32652,"ĠCame":32653,"Ġsecretive":32654,"ĠCrimes":32655,"dn":32656,"Clean":32657,"ĠEgyptians":32658,"ĠCarpenter":32659,"Ġll":32660,"Hum":32661,"ĠMilo":32662,"Ġcapitalists":32663,"Ġbriefed":32664,"Twe":32665,"ĠBasin":32666,"elvet":32667,"Mos":32668,"Ġplunge":32669,"ĠKaiser":32670,"ĠFuj":32671,"illin":32672,"Ġsafeguards":32673,"Ġoste":32674,"ĠOpportunity":32675,"ĠMafia":32676,"ĠCalling":32677,"apa":32678,"urban":32679,"brush":32680,"illard":32681,"cé":32682,"intelligence":32683,"ĠLob":32684,"ĠDruid":32685,"Ġsmoother":32686,"Ġfooting":32687,"Ġmotorists":32688,"arcity":32689,"Ġmasculinity":32690,"Ġmism":32691,"Ġabdominal":32692,"ĠTavern":32693,"ĠRoh":32694,"Ġescapes":32695,"signed":32696,"Anthony":32697,"Ġsacrificing":32698,"Ġintimacy":32699,"Ġanterior":32700,"ĠKod":32701,"Ġmotif":32702,"Ġgraz":32703,"Ġvisualization":32704,"Ġguitarist":32705,"ĠTrotsky":32706,"magic":32707,"Dar":32708,"ĠMori":32709,"Ġwards":32710,"Ġtoilets":32711,"lest":32712,"Ġteleport":32713,"ĠSundays":32714,"ĠPlat":32715,"ETS":32716,"ĠeSports":32717,"Patrick":32718,"ĠKatherine":32719,"enko":32720,"Ġhassle":32721,"ĠMick":32722,"ggles":32723,"Ġhob":32724,"aintain":32725,"Ġairborne":32726,"Ġspans":32727,"Ġchili":32728,"Ġaperture":32729,"Ġvolunteered":32730,"ĠIncident":32731,"ĠFres":32732,"ĠVeteran":32733,"aughtered":32734,"ingo":32735,"Ġuninsured":32736,"CLOSE":32737,"Ġfuse":32738,"Ġerotic":32739,"Ġadvertise":32740,"raising":32741,"Texture":32742,"Ġattends":32743,"ĠREAL":32744,"uddled":32745,"Ġsmoot":32746,"Ġ305":32747,"ĠWillis":32748,"Ġblond":32749,"Analysis":32750,"ĠVT":32751,"onica":32752,"Ġstronghold":32753,"RF":32754,"NM":32755,".>>":32756,"Ġprosperous":32757,"Ġboasted":32758,"292":32759,"ĠManufacturing":32760,"PRESS":32761,"gren":32762,"Ġpharmacy":32763,"ĠRockefeller":32764,"kai":32765,"Ġthumbs":32766,"ĠHut":32767,"Ġmotherboard":32768,"Ġguardians":32769,"ĠAlter":32770,"llular":32771,"Ġshack":32772,"Ġwisely":32773,"Ġbackbone":32774,"erva":32775,"Ġsuicides":32776,"ĠMcGregor":32777,"ijah":32778,"Emer":32779,"ĠBrav":32780,"Ġdesignate":32781,"POST":32782,"produced":32783,"Ġcleansing":32784,"irlwind":32785,"existent":32786,"ĠHumph":32787,"ĠPayne":32788,"Ġvested":32789,"Å¡":32790,"Ġstringent":32791,"iona":32792,"Ġunsub":32793,"Ġsummed":32794,"ĠHercules":32795,"subject":32796,"ĠRagnar":32797,"ĠNos":32798,"Ġcharacterization":32799,"Ġsavvy":32800,"ĠDawson":32801,"ĠCasino":32802,"Ġfri":32803,"ĠBarrier":32804,"Ġmisinformation":32805,"Ġinsulation":32806,"Ġcorridors":32807,"Ġairplanes":32808,"ĠNoct":32809,"ahi":32810,"Ġ1916":32811,"kb":32812,"armac":32813,"Ġshun":32814,"Ġschema":32815,"Ġhorrified":32816,"Ġ239":32817,"aunders":32818,"NB":32819,"iates":32820,"erity":32821,"ĠShard":32822,"Ġrarity":32823,"Ġgrouped":32824,"ĠGhana":32825,"against":32826,"ĠBiological":32827,"ĠAware":32828,"owell":32829,"ÏĦ":32830,"ĠBeau":32831,"shaw":32832,"Hack":32833,"ĠJulius":32834,"USS":32835,"olson":32836,"auna":32837,"cru":32838,"ĠMaurice":32839,"ĠIk":32840,"Ġsequencing":32841,"Ġradicals":32842,"Ġ(?,":32843,"virtual":32844,"Ġanyways":32845,"Ġreperc":32846,"Ġhandlers":32847,"Ġhesitant":32848,"éĥ":32849,"ĠMF":32850,"plementation":32851,"associated":32852,"Ġcampaigned":32853,"ĠYue":32854,"utations":32855,"ĠYoga":32856,"Ġsimmer":32857,"Ġrods":32858,"Ġmelody":32859,"Ġconvoy":32860,"videos":32861,"Ġscreened":32862,"Neg":32863,"ochemical":32864,"Ġ())":32865,"Ġultras":32866,"Ġantip":32867,"ĠIslanders":32868,"704":32869,"Ġfetish":32870,"Ġridiculously":32871,"ĠKart":32872,"Ġmitochondrial":32873,"Ġinterfering":32874,"Builder":32875,"Ġoverfl":32876,"Ġacne":32877,"ĠMud":32878,"ĠKerr":32879,"flex":32880,"ĠPostal":32881,"ĠBaltic":32882,"477":32883,"ĠPersons":32884,"ourage":32885,"HB":32886,"ĠMuse":32887,"ĠImmortal":32888,"ĠDriving":32889,"Ġpetitions":32890,"Ġsubscript":32891,"Ġsorce":32892,"ĠProcessor":32893,"uton":32894,"Sony":32895,"Ġphon":32896,"Ġraced":32897,"ĠAnthrop":32898,"Ġdaytime":32899,"ĠExercise":32900,"Adding":32901,"Ġengages":32902,"ĠQualcomm":32903,"Ġmiracles":32904,"Ġmemes":32905,"ĠDrink":32906,"ĠOrioles":32907,"Ġhairs":32908,"ĠPolar":32909,"athom":32910,"Ġslippery":32911,"ĠRemy":32912,"Ġcaramel":32913,"ĠYEAR":32914,"Ġalk":32915,"Ign":32916,"aution":32917,"ĠMerlin":32918,"ĠCran":32919,"Ġapologies":32920,"Ġ410":32921,"Ġouting":32922,"ĠMemories":32923,"appointed":32924,"Ġcountered":32925,"uld":32926,"posing":32927,"Ġfirewall":32928,"ĠWast":32929,"ĠWet":32930,"worked":32931,"seller":32932,"Ġrepealed":32933,"ereo":32934,"assuming":32935,"BLIC":32936,"mite":32937,"ĠCEOs":32938,"ĠChapel":32939,"elligent":32940,"________________________":32941,"Dog":32942,"Ġwart":32943,"Ġsubscriber":32944,"sports":32945,"Ġbegged":32946,"ĠMV":32947,"Ġsemif":32948,"ethical":32949,"Ġpreach":32950,"Ġrevital":32951,"Ġpunitive":32952,"Ġshortcuts":32953,"Ġinstituted":32954,"ĠWarsaw":32955,"Ġabdomen":32956,"ĠKING":32957,"Ġsuperintendent":32958,"Ġfry":32959,"ĠGeo":32960,"TOR":32961,"Ġcontradictions":32962,"aptic":32963,"Ġlandscapes":32964,"bugs":32965,"Ġclust":32966,"Ġvolley":32967,"cribed":32968,"Ġtandem":32969,"Ġrobes":32970,"WHAT":32971,"Ġpromoter":32972,"Ġeloqu":32973,"reviewed":32974,"ĠDK":32975,"ĠPlato":32976,"Ġfps":32977,"Tank":32978,"ĠDerrick":32979,"Ġprioritize":32980,"asper":32981,"ĠHonduras":32982,"ĠCompleted":32983,"nec":32984,"Ġmog":32985,"nir":32986,"ĠMayo":32987,"DEF":32988,"stall":32989,"inness":32990,"ĠVolkswagen":32991,"Ġprecaution":32992,"ĠMell":32993,"iak":32994,"istries":32995,"Ġ248":32996,"Ġoverlapping":32997,"Senate":32998,"ĠEnhance":32999,"resy":33000,"racial":33001,"ORTS":33002,"ĠMormons":33003,"Strong":33004,"ĠCoch":33005,"Mexico":33006,"ĠMaduro":33007,"Ġjars":33008,"Ġcane":33009,"Wik":33010,"olla":33011,"ifference":33012,"Ġphysicist":33013,"ĠMaggie":33014,"Ġ285":33015,"Ġdepiction":33016,"ĠMcLaren":33017,"Ju":33018,"Ġslows":33019,"Ġcommissioners":33020,"ĠWillow":33021,"ĠExplos":33022,"hovah":33023,"Ġtechnician":33024,"Ġhomicides":33025,"ĠFlav":33026,"ĠTruman":33027,"Ġ10000":33028,"uctor":33029,"Ġshader":33030,"Newsletter":33031,"457":33032,"Ġrever":33033,"Ġhardened":33034,"Ġwhereabouts":33035,"Ġredevelop":33036,"Ġcarbs":33037,"Ġtravers":33038,"Ġsquirrel":33039,"Ġfollower":33040,"Ġsings":33041,"508":33042,"Ġrabbits":33043,"emonium":33044,"Ġdocumenting":33045,"Ġmisunderstood":33046,")'":33047,"Rick":33048,"ggies":33049,"Ġpremie":33050,"Ġskating":33051,"Ġpassports":33052,"Ġfists":33053,"ageddon":33054,"Haw":33055,"ACP":33056,"080":33057,"ĠThoughts":33058,"ĠCarlson":33059,"Ġpriesthood":33060,"hua":33061,"Ġdungeons":33062,"ĠLoans":33063,"Ġantis":33064,"Ġfamiliarity":33065,"ĠSabb":33066,"opal":33067,"ĠInk":33068,"strike":33069,"Ġcram":33070,"Ġlegalized":33071,"Ġcuisine":33072,"Ġfibre":33073,"Travel":33074,"ĠMonument":33075,"ODY":33076,"ethy":33077,"Ġinterstate":33078,"ĠPUR":33079,"emporary":33080,"ĠArabian":33081,"developed":33082,"Ġsaddle":33083,"Ġgithub":33084,"ĠOffer":33085,"ĠISP":33086,"rolet":33087,"ĠSUPER":33088,"ĠDenis":33089,"Ġmultiplier":33090,"Ġstirred":33091,"Interestingly":33092,"Ġcustomary":33093,"Ġbilled":33094,"hex":33095,"Ġmultiplied":33096,"Ġflipping":33097,"ĠCrosby":33098,"Ġfundamentals":33099,"iae":33100,"ĠPlayed":33101,"ĠAtom":33102,"amazon":33103,"ĠFlam":33104,"eez":33105,"activated":33106,"Ġtablespoon":33107,"Ġliberalism":33108,"ĠPalin":33109,"ĠPatel":33110,"Num":33111,"ĠTAM":33112,"Ġsurn":33113,"ĠReloaded":33114,"Ġcoined":33115,"\"],":33116,"ĠClash":33117,"ĠAgu":33118,"Ġpragmatic":33119,"ĠActivate":33120,"Ġ802":33121,"Ġtrailers":33122,"Ġsilhou":33123,"Ġprobes":33124,"Ġcircus":33125,"ĠBain":33126,"ĠLindsay":33127,"ĠAbbey":33128,"Delivery":33129,"Ġconcession":33130,"Ġgastro":33131,"ĠSprite":33132,"ÄŁ":33133,"andel":33134,"Ġgimm":33135,"Ġautobi":33136,"ĠTurtle":33137,"Ġwonderfully":33138,"ĠHaram":33139,"ĠWorldwide":33140,"ĠHandle":33141,"Ġtheorists":33142,"Ġsleek":33143,"ĠZhu":33144,"ographically":33145,"EGA":33146,"ĠOwners":33147,"aths":33148,"ĠAntarctic":33149,"natal":33150,"=\"\"":33151,"flags":33152,"````":33153,"Ġsul":33154,"Kh":33155,"Ġpotassium":33156,"Ġlineman":33157,"Ġcereal":33158,"ĠSeasons":33159,"Ġ2022":33160,"Ġmathematic":33161,"Ġastronomers":33162,"professional":33163,"Ġfares":33164,"cknowled":33165,"Ġchi":33166,"Ġyoungsters":33167,"Ġmistakenly":33168,"Ġhemisphere":33169,"ĠDivinity":33170,"rone":33171,"Ġ\",":33172,"rings":33173,"Ġattracts":33174,"vana":33175,"å¹":33176,"CAP":33177,"Ġplaylist":33178,"Ġporch":33179,"ãģ£":33180,"Ġincorporates":33181,"Ġsoak":33182,"Ġasserting":33183,"ĠTerrorism":33184,"ĠPablo":33185,"Ja":33186,"cester":33187,"Ġfearing":33188,"ĠPrayer":33189,"Ġescalated":33190,"GW":33191,"Ġrobe":33192,"ĠBrighton":33193,"acists":33194,"ĠSymphony":33195,"ĠDwarf":33196,"ĠParade":33197,"ĠLego":33198,"Ġinexpl":33199,"Ġlords":33200,"leaf":33201,"RAG":33202,"liber":33203,"Ġcigars":33204,"ĠJehovah":33205,"606":33206,"WINDOWS":33207,"ĠLiberia":33208,"ebus":33209,"Heavy":33210,"Ġlubric":33211,"ĠRW":33212,"anguages":33213,"Ġnarrowed":33214,"computer":33215,"ĠEmber":33216,"Ġmurdering":33217,"Ġdownstream":33218,"ĠTuls":33219,"ĠTables":33220,"Topic":33221,"ĠAccuracy":33222,"=/":33223,"lost":33224,"ĠRei":33225,"Ġprogresses":33226,"bear":33227,"Ġestablishments":33228,"Justin":33229,"ĠPeach":33230,"ĠGomez":33231,"å¿":33232,"ĠTriangle":33233,"Ident":33234,"ĠHive":33235,"Resources":33236,"Ġmixes":33237,"ĠAssuming":33238,"Mu":33239,"Ġhypoc":33240,"Ġsane":33241,"ĠWan":33242,"idious":33243,"Success":33244,"Ġio":33245,"Angel":33246,"Ġdangerously":33247,"ĠCreature":33248,"WORK":33249,":[":33250,"ĠKatrina":33251,"Listener":33252,"Miller":33253,"ĠIdlib":33254,"hang":33255,"Ġcircumvent":33256,"href":33257,"Ġcelestial":33258,"ĠWeeks":33259,"ĠPug":33260,"ĠDalton":33261,"Ġsubpoena":33262,"uku":33263,"Ġpersisted":33264,"pei":33265,"olding":33266,"ĠDocuments":33267,"ĠHast":33268,"ĠCENT":33269,"Ġprimer":33270,"Ġsynonymous":33271,"Ġnib":33272,"ombs":33273,"Ġnotation":33274,"ĠDish":33275,"ĠAtmosp":33276,"Ġforbid":33277,"ĠANG":33278,"pattern":33279,"los":33280,"Ġprojectiles":33281,"brown":33282,".\",":33283,"ĠVenom":33284,"Ġfiercely":33285,"ublished":33286,"ĠUran":33287,"ĠNicarag":33288,"410":33289,"ĠCAL":33290,"OTOS":33291,"ĠMiracle":33292,"ĠEnchant":33293,"Ġguarding":33294,"append":33295,"Attach":33296,"Ġleveled":33297,"Ġcondoms":33298,"ihilation":33299,"649":33300,"Ġnightmares":33301,"ĠTHEY":33302,"ĠSTART":33303,"ĠKinn":33304,"Ġroommate":33305,"Ġhygiene":33306,"opping":33307,"Job":33308,"Ġlvl":33309,"ĠVER":33310,"ĠKeeping":33311,"abetic":33312,"Ġformatting":33313,"erala":33314,"Ġrevisions":33315,"Ġresurg":33316,"Tel":33317,"ĠGoodman":33318,"353":33319,"pod":33320,"Ġindisp":33321,"ĠTranslation":33322,"Ġgown":33323,"ĠMund":33324,"Ġcis":33325,"Ġbystand":33326,"collect":33327,"ĠPunjab":33328,"actively":33329,"ĠGamb":33330,"tell":33331,"Ġimporting":33332,"gencies":33333,"Ġlocom":33334,"ĠBrill":33335,"Holy":33336,"ĠBerger":33337,"Ġshowdown":33338,"Ġresponders":33339,"ILY":33340,"Ġtakedown":33341,"leted":33342,"Ġmattered":33343,"Ġpredictive":33344,"Ġoverlay":33345,"GPU":33346,"ĠVick":33347,"Ġconveyed":33348,"Tab":33349,"peer":33350,"Scan":33351,"Ġdefensively":33352,"vae":33353,"Ġapproving":33354,"Ġtiers":33355,"ĠVia":33356,"querade":33357,"ĠSaudis":33358,"Ġdemolished":33359,"ĠProphe":33360,"Ġmono":33361,"Ġhospitality":33362,"HAM":33363,"ĠAriel":33364,"MOD":33365,"ĠTorah":33366,"Ġblah":33367,"ĠBelarus":33368,"erential":33369,"ĠTuc":33370,"Ġbanker":33371,"397":33372,"Ġmosquit":33373,"ĠScientist":33374,"ĠMusical":33375,"Ġhust":33376,"Shift":33377,"Ġtorment":33378,"Ġstandoff":33379,"Educ":33380,"ĠFog":33381,"Ġamplifier":33382,"Shape":33383,"Instance":33384,"ĠCritics":33385,"Ġdaemon":33386,"Houston":33387,"Ġmattress":33388,"ĠIDF":33389,"Ġobscene":33390,"ĠAmer":33391,"hetti":33392,"Ġcompiling":33393,"352":33394,"verett":33395,"ĠReduction":33396,"istration":33397,"ĠBlessed":33398,"ĠBachelor":33399,"316":33400,"Ġprank":33401,"ĠVulcan":33402,"dding":33403,"Ġmourning":33404,"ĠQuint":33405,"ĠBlaster":33406,"testing":33407,"Ġsediment":33408,">>>":33409,"ĠEternity":33410,"ĠWHERE":33411,"ĠMaze":33412,"Ġreacting":33413,"ĠAlv":33414,"omsday":33415,"ĠCRA":33416,"Ġtranslator":33417,"Ġbogus":33418,"atu":33419,"Website":33420,"olls":33421,"Ġbaptism":33422,"Ġsibling":33423,"ĠAutumn":33424,"vez":33425,"ãģ®é":33426,"guards":33427,"Georg":33428,"assadors":33429,"ĠFreud":33430,"Ġcontinents":33431,"ĠRegistry":33432,"Bernie":33433,"ĸļ士":33434,"Ġtolerant":33435,"ĠUW":33436,"Ġhorribly":33437,"995":33438,"ĠMIDI":33439,"Ġimpatient":33440,"ocado":33441,"eri":33442,"ĠWorst":33443,"ĠNorris":33444,"ĠTalking":33445,"Ġdefends":33446,"ensable":33447,"Ġ2021":33448,"Ġanatomy":33449,"Lew":33450,"Ġdrawer":33451,"ĠCanberra":33452,"Ġpatriotic":33453,"é¾įåĸļ士":33454,"ĠAvg":33455,"ARM":33456,"Ġundisclosed":33457,"Ġfarewell":33458,"459":33459,"bable":33460,"ĠAllison":33461,"OLOG":33462,"Ġconco":33463,"tight":33464,"ĠACPI":33465,"ĠMines":33466,"lich":33467,"ĠâĶľ":33468,"represented":33469,"200000":33470,"Ġenthusiast":33471,"OTS":33472,"bil":33473,"ĠIngredients":33474,"Ġinventor":33475,"ĠMySQL":33476,"³³³":33477,"ĠABOUT":33478,"within":33479,"Ġmk":33480,"Bul":33481,"ĠFake":33482,"Ġdraconian":33483,"Wa":33484,"helm":33485,"ĠTerran":33486,"erville":33487,"Ġcommonplace":33488,"SIZE":33489,"Ġ\"<":33490,"replace":33491,"ographs":33492,"ĠSELECT":33493,"incible":33494,"ĠMostly":33495,"ĠSheffield":33496,"ĠIDE":33497,"uggle":33498,"Ġcitations":33499,"hurst":33500,"ĠUnix":33501,"Ġunleash":33502,"ĠPiper":33503,"ĠNano":33504,"Ġsuccumb":33505,"Ġreluctance":33506,"Ġ2500":33507,"ĠMerchant":33508,"Ġwiret":33509,"Ġcombos":33510,"ĠBirthday":33511,"Ġcharcoal":33512,"ĠUPS":33513,"ĠFairfax":33514,"Ġdriveway":33515,"ĠTek":33516,"ĠPitch":33517,"overe":33518,"Ġtechnicians":33519,"ĠActual":33520,"flation":33521,"ĠFiscal":33522,"ĠEmpty":33523,"anamo":33524,"Ġmagnesium":33525,"Ġslut":33526,"Ġgrowers":33527,"Investigators":33528,"():":33529,"ĠSatellite":33530,"ĠKeynes":33531,"missive":33532,"lane":33533,"Ġborough":33534,"344":33535,"ĠTEAM":33536,"ĠBethesda":33537,"CV":33538,"hower":33539,"ĠRAD":33540,"Ġchant":33541,"ĠRiy":33542,"Ġcompositions":33543,"Ġmildly":33544,"Ġmeddling":33545,"Ġagility":33546,"aneers":33547,"501":33548,"Ġsynth":33549,"linger":33550,"291":33551,"Ġexclaimed":33552,"Party":33553,"Ġcontamin":33554,"ĠManor":33555,"ĠRespond":33556,"Ġpraising":33557,"Ġmanners":33558,"fleet":33559,"Summer":33560,"ĠLynd":33561,"ĠDefinitely":33562,"grim":33563,"Ġbowling":33564,"stri":33565,"çĽ":33566,"ynt":33567,"Ġmandates":33568,"DIV":33569,"Ġreconcile":33570,"views":33571,"ĠDamon":33572,"vette":33573,"Flo":33574,"ĠGreatest":33575,"ilon":33576,"icia":33577,"Ġportrayal":33578,"Ġcushion":33579,"504":33580,"1979":33581,"ossal":33582,"Applic":33583,"scription":33584,"Ġmitigation":33585,"ATS":33586,"pac":33587,"Ġerased":33588,"Ġdeficiencies":33589,"ĠHollande":33590,"ĠXu":33591,"Ġbred":33592,"Ġpregnancies":33593,"femin":33594,"Ġemph":33595,"Ġplanners":33596,"Ġoutper":33597,"uttering":33598,"Ġperpetrator":33599,"Ġmotto":33600,"ĠEllison":33601,"ĠNEVER":33602,"Ġadmittedly":33603,"ARI":33604,"ĠAzerbaijan":33605,"Ġmillisec":33606,"Ġcombustion":33607,"ĠBottle":33608,"ĠLund":33609,"ĠPs":33610,"ĠDress":33611,"Ġfabricated":33612,"Ġbattered":33613,"Ġsidel":33614,"ĠNotting":33615,"Foreign":33616,"ĠJerome":33617,"020":33618,"ĠArbit":33619,"Ġknots":33620,"ĠRIGHT":33621,"Moving":33622,"ãģĻ":33623,"Ġsurgeries":33624,"Ġcourthouse":33625,"Ġmastered":33626,"Ġhovering":33627,"ĠBran":33628,"ĠAlison":33629,"Ġsafest":33630,"military":33631,"Ġbullied":33632,"Ġbarrage":33633,"Reader":33634,"ESE":33635,"ĠGeographic":33636,"Tools":33637,"314":33638,"ĠGeek":33639,"roth":33640,"glers":33641,"ĠFIN":33642,"Ïģ":33643,"ĠAston":33644,"altern":33645,"488":33646,"Ġveterin":33647,"Gamer":33648,"Ġintel":33649,"renches":33650,"Shield":33651,"Ġamnesty":33652,"ĠBhar":33653,"Ġpiled":33654,"Ġhonorable":33655,"ĠInstitutes":33656,"Ġsoaked":33657,"Ġcoma":33658,"ĠEFF":33659,"341":33660,"bytes":33661,"ĠGmail":33662,"lein":33663,"ĠCanadiens":33664,"material":33665,"Il":33666,"Ġinstructors":33667,"ĠKY":33668,"Ġconceive":33669,"ubb":33670,"ĠPossible":33671,"Ġeasing":33672,"ĠChristina":33673,"Ġcaric":33674,"ĠHDR":33675,"ROM":33676,"Ġshovel":33677,"delete":33678,"Ġpuff":33679,"ĠChanging":33680,"Ġseamlessly":33681,"Attribute":33682,"Ġacquisitions":33683,"akery":33684,"ĠEF":33685,"Ġautistic":33686,"ĠTakes":33687,"ĠPowder":33688,"ĠStir":33689,"510":33690,"ĠBubble":33691,"settings":33692,"ĠFowler":33693,"Ġmustard":33694,"Ġmoreover":33695,"Ġcopyrighted":33696,"ĠLEDs":33697,"1500":33698,"æī":33699,"ĠHIS":33700,"enf":33701,"Ġcustod":33702,"ĠHuck":33703,"Gi":33704,"Ġimg":33705,"Answer":33706,"Ct":33707,"jay":33708,"ĠInfrastructure":33709,"Ġfederally":33710,"Loc":33711,"Ġmicrobes":33712,"Ġoverrun":33713,"dds":33714,"otent":33715,"adiator":33716,">>>>>>>>":33717,"Ġtornado":33718,"Ġadjud":33719,"Ġintrigued":33720,"Ġsi":33721,"ĠRevelation":33722,"progress":33723,"Ġburglary":33724,"ĠSaiyan":33725,"ĠKathy":33726,"Ġserpent":33727,"ĠAndreas":33728,"Ġcompel":33729,"essler":33730,"ĠPlastic":33731,"ĠAdvent":33732,"ĠPositive":33733,"ĠQt":33734,"ĠHindus":33735,"registered":33736,"ularity":33737,"Ġrighteousness":33738,"Ġdemonic":33739,"uitive":33740,"ĠBDS":33741,"ĠGregg":33742,"cia":33743,"ĠCrusade":33744,"ĠSinai":33745,"WARE":33746,"+(":33747,"Ġmell":33748,"Ġderail":33749,"yards":33750,"Ast":33751,"Ġnoticeably":33752,"ĠOber":33753,"Ram":33754,"Ġunnoticed":33755,"Ġseq":33756,"avage":33757,"Ts":33758,"Ġ640":33759,"Ġconcede":33760,"Ġ])":33761,"Fill":33762,"Ġcaptivity":33763,"ĠImprovement":33764,"ĠCrusader":33765,"araoh":33766,"MAP":33767,"æĹ":33768,"Ġstride":33769,"always":33770,"Fly":33771,"Nit":33772,"Ġalgae":33773,"ĠCooking":33774,"ĠDoors":33775,"Malley":33776,"Ġpolicemen":33777,"ãģį":33778,"Ġastronaut":33779,"accessible":33780,"495":33781,"ĠRAW":33782,"cliffe":33783,"udicrous":33784,"Ġdepended":33785,"alach":33786,"Ġventures":33787,"rake":33788,"Ġtits":33789,"ĠHou":33790,"Ġcondom":33791,"ormonal":33792,"Ġindent":33793,"Ġuploading":33794,"Footnote":33795,"Important":33796,"Ġ271":33797,"Ġmindful":33798,"Ġcontends":33799,"Cra":33800,"Ġcalibr":33801,"ĠOECD":33802,"plugin":33803,"Fat":33804,"ĠISS":33805,"ĠDynamics":33806,"ansen":33807,"686":33808,"'),":33809,"Ġsprite":33810,"Ġhandheld":33811,"ĠHipp":33812,"=~=~":33813,"Trust":33814,"Ġsemantics":33815,"ĠBundes":33816,"ĠReno":33817,"ĠLiterature":33818,"sense":33819,"Gary":33820,"ĠAeg":33821,"ĠTrin":33822,"EEK":33823,"Ġcleric":33824,"ĠSSH":33825,"Ġchrist":33826,"Ġinvading":33827,"ibu":33828,"Ġenum":33829,"aura":33830,"Ġallege":33831,"ĠIncredible":33832,"BBC":33833,"Ġthru":33834,"Ġsailed":33835,"Ġemulate":33836,"Ġinsecurity":33837,"Ġcrou":33838,"Ġaccommodations":33839,"Ġincompetent":33840,"Ġslips":33841,"ĠEarthqu":33842,"sama":33843,"ILLE":33844,"ĠiPhones":33845,"asaki":33846,"Ġbye":33847,"Ġard":33848,"Ġextras":33849,"Ġslaughtered":33850,"Ġcrowdfunding":33851,"resso":33852,"Ġfilib":33853,"ĠERROR":33854,"ĠTLS":33855,"egg":33856,"ĠItal":33857,"Ġenlist":33858,"ĠCatalonia":33859,"ĠScots":33860,"Ġsergeant":33861,"Ġdissolve":33862,"NH":33863,"Ġstandings":33864,"rique":33865,"IQ":33866,"Ġbeneficiary":33867,"Ġaquarium":33868,"YouTube":33869,"ĠPowerShell":33870,"Ġbrightest":33871,"ĠWarrant":33872,"Sold":33873,"Writing":33874,"Ġbeginnings":33875,"ĠReserved":33876,"ĠLatinos":33877,"heading":33878,"Ġ440":33879,"Ġrooftop":33880,"ATING":33881,"Ġ390":33882,"VPN":33883,"Gs":33884,"kernel":33885,"turned":33886,"Ġpreferable":33887,"Ġturnovers":33888,"ĠHels":33889,"Sa":33890,"ĠShinji":33891,"veh":33892,"ĠMODULE":33893,"Viol":33894,"Ġexiting":33895,"Ġjab":33896,"ĠVanilla":33897,"Ġacron":33898,"ĠGap":33899,"bern":33900,"Ak":33901,"ĠMcGu":33902,"Ġendlessly":33903,"ĠFarage":33904,"ĠNoel":33905,"Va":33906,"MK":33907,"Ġbrute":33908,"ĠKru":33909,"ĠESV":33910,"ĠOlivia":33911,"âĢł":33912,"ĠKaf":33913,"Ġtrusting":33914,"Ġhots":33915,"324":33916,"Ġmalaria":33917,"Ġjson":33918,"Ġpounding":33919,"ortment":33920,"Country":33921,"Ġpostponed":33922,"Ġunequiv":33923,"?),":33924,"ĠRooney":33925,"udding":33926,"ĠLeap":33927,"urrence":33928,"shapeshifter":33929,"ĠHAS":33930,"osate":33931,"Ġcavern":33932,"Ġconservatism":33933,"ĠBAD":33934,"Ġmileage":33935,"Ġarresting":33936,"Vaults":33937,"Ġmixer":33938,"Democratic":33939,"ĠBenson":33940,"Ġauthored":33941,"8000":33942,"Ġproactive":33943,"ĠSpiritual":33944,"tre":33945,"Ġincarcerated":33946,"ĠSort":33947,"Ġpeaked":33948,"Ġwielding":33949,"reciation":33950,"×Ļ×":33951,"Patch":33952,"ĠEmmy":33953,"Ġexqu":33954,"tto":33955,"ĠRatio":33956,"ĠPicks":33957,"ĠGry":33958,"phant":33959,"Ġfret":33960,"Ġethn":33961,"Ġarchived":33962,"%-":33963,"cases":33964,"ĠBlaze":33965,"Ġimb":33966,"cv":33967,"yss":33968,"imony":33969,"Ġcountdown":33970,"Ġawakening":33971,"ĠTunisia":33972,"ĠRefer":33973,"ĠMJ":33974,"Ġunnatural":33975,"ĠCarnegie":33976,"izen":33977,"ĠNuggets":33978,"hess":33979,"Ġevils":33980,"647":33981,"Ġintroductory":33982,"loving":33983,"ĠMcMahon":33984,"Ġambiguity":33985,"Label":33986,"ĠAlmighty":33987,"Ġcoloring":33988,"ĠClaus":33989,"setting":33990,"NULL":33991,"ĠFavorite":33992,"ĠSIG":33993,">(":33994,"ĠShiva":33995,"ĠMayer":33996,"Ġstormed":33997,"ĠCoverage":33998,"weapons":33999,"igham":34000,"Ġunanswered":34001,"Ġleve":34002,"Ġcoy":34003,"cas":34004,"bags":34005,"asured":34006,"Seattle":34007,"ĠSantorum":34008,"serious":34009,"Ġcourageous":34010,"ĠSoup":34011,"Ġconfiscated":34012,"Ġ///":34013,"Ġunconventional":34014,"Ġmoms":34015,"ĠRohingya":34016,"ĠOrchestra":34017,"ĠPotion":34018,"Ġdiscredit":34019,"ĠFIL":34020,"fixed":34021,"ĠDeer":34022,"doi":34023,"ĠDimension":34024,"Ġbureaucrats":34025,"eteen":34026,"ĠactionGroup":34027,"ohm":34028,"Ġbumps":34029,"ĠUtility":34030,"Ġsubmarines":34031,"renheit":34032,"research":34033,"ĠShapiro":34034,"Ġsketches":34035,"Ġdeceptive":34036,"ĠVil":34037,"esame":34038,"ĠEssentially":34039,"Ġrampage":34040,"isky":34041,"Ġmuttered":34042,"thritis":34043,"Ġ236":34044,"fet":34045,"bars":34046,"Ġpupil":34047,"ĠThou":34048,"oS":34049,"song":34050,"Ġfractured":34051,"Ġrevert":34052,"picture":34053,"Ġcriterion":34054,"usher":34055,"Ġrepercussions":34056,"ĠVintage":34057,"ĠSuperintendent":34058,"Officers":34059,"Ġflagged":34060,"Ġblames":34061,"Ġinverse":34062,"ographers":34063,"Ġmakeshift":34064,"Ġdevoid":34065,"Ġfossils":34066,"ĠAristotle":34067,"ĠFunds":34068,"Ġdepleted":34069,"ĠFlu":34070,"ĠYuan":34071,"Ġwoes":34072,"Ġlipid":34073,"Ġsitu":34074,"requisites":34075,"Ġfurnish":34076,"ĠSamar":34077,"Ġshameful":34078,"Ġadversely":34079,"Ġadept":34080,"Ġremorse":34081,"Ġmurderous":34082,"uckles":34083,"ĠESL":34084,"Ġ314":34085,"sent":34086,"Ġredef":34087,"ĠCache":34088,"ĠPurs":34089,"igans":34090,"Ġ460":34091,"Ġprescriptions":34092,"Ġfres":34093,"Fuck":34094,"ocrates":34095,"Twenty":34096,"ĠWeird":34097,"ĠToggle":34098,"ĠCalled":34099,"itizens":34100,"Ġpoultry":34101,"Ġharvesting":34102,"ãĤ¦ãĤ¹":34103,"Bottom":34104,"Ġcautioned":34105,"tn":34106,"396":34107,"ĠNikki":34108,"Ġevaluations":34109,"Ġharassing":34110,"Ġbindings":34111,"ĠMonetary":34112,"Ġhitters":34113,"Ġadversary":34114,"unts":34115,"Ġsetback":34116,"Ġencrypt":34117,"ĠCait":34118,"Ġlows":34119,"enges":34120,"ĠNorn":34121,"Ġbulbs":34122,"Ġbottled":34123,"ĠVoyager":34124,"317":34125,"Ġspheres":34126,"politics":34127,"Ġsubtract":34128,"Ġsensations":34129,"Ġappalling":34130,"Ġ316":34131,"Ġenvironmentally":34132,"ĠSTEM":34133,"Ġpublishes":34134,"560":34135,"Ġdiligence":34136,"484":34137,"Ġadvises":34138,"Ġpetrol":34139,"Ġimagining":34140,"Ġpatrols":34141,"ĠInteger":34142,"ĠAshes":34143,"actus":34144,"ĠRadiant":34145,"ĠLT":34146,"itability":34147,"htaking":34148,"Setting":34149,"Ġnuanced":34150,"ĠReef":34151,"ĠDevelopers":34152,"Ni":34153,"pieces":34154,"990":34155,"License":34156,"Ġlowers":34157,"ĠOttoman":34158,"327":34159,"ooo":34160,"Ġquitting":34161,"markets":34162,"Behind":34163,"Ġbasin":34164,"Ġdocs":34165,"anie":34166,"flash":34167,"ctl":34168,"Ġcivilized":34169,"ĠFukushima":34170,"\"],\"":34171,"ĠKS":34172,"ĠHonestly":34173,"arat":34174,"Ġconstructs":34175,"ĠLans":34176,"ĠDire":34177,"ĠLIKE":34178,"ĠTrouble":34179,"Ġwithholding":34180,"ĠOblivion":34181,"Ġsanity":34182,"anya":34183,"Const":34184,"Ġgrocer":34185,"ĠCelsius":34186,"Ġrecounted":34187,"ĠWife":34188,"Border":34189,"atered":34190,"happy":34191,"Ġspoiler":34192,"Ġlogically":34193,"Hall":34194,"Ġsucceeding":34195,"Ġpolymorph":34196,"Ġaxes":34197,"ĠShotgun":34198,"ĠSlim":34199,"ĠPrinciples":34200,"ĠLeth":34201,"arta":34202,"Ġscor":34203,"Screenshot":34204,"Ġrelaxation":34205,"#$#$":34206,"Ġdeterrent":34207,"iddy":34208,"Ġpowerless":34209,"Ġlesbians":34210,"Ġchords":34211,"ĠEdited":34212,"selected":34213,"Ġseparatists":34214,"0002":34215,"Ġairspace":34216,"Ġturnaround":34217,"Ġcunning":34218,"PATH":34219,"Poly":34220,"Ġbombed":34221,"Ġtion":34222,"xs":34223,"Ġwithhold":34224,"Ġwaged":34225,"ĠLiberties":34226,"Flag":34227,"Ġcomforting":34228,"454":34229,"ĠIris":34230,"arers":34231,"Ġrag":34232,"Ġrelocated":34233,"ĠGuarant":34234,"Ġstrategically":34235,"Ġgamma":34236,"uberty":34237,"ĠLockheed":34238,"gres":34239,"Ġgrilled":34240,"ĠLowe":34241,"stats":34242,"ĠRocks":34243,"Ġsensing":34244,"Ġrenting":34245,"ĠGeological":34246,"اØ":34247,"otrop":34248,"Ġsew":34249,"Ġimproperly":34250,"486":34251,"Ġâĸł":34252,"Ġstarving":34253,"ĠBj":34254,"Discussion":34255,"328":34256,"ĠCombo":34257,"ĠFixes":34258,"NAT":34259,"Ġstriving":34260,"thora":34261,"Ġharvested":34262,"ĠPing":34263,"Ġplayful":34264,"Ġavenues":34265,"Ġoccupational":34266,"Ġwakes":34267,"ĠCourier":34268,"Ġdrummer":34269,"ĠBrowser":34270,"ĠHouth":34271,"itu":34272,"Ġapparel":34273,"paste":34274,"Ġhunted":34275,"ĠSecondly":34276,"lain":34277,"XY":34278,"ĠPIN":34279,"icons":34280,"Ġcocktails":34281,"Ġsizable":34282,"Ġhurdles":34283,"estinal":34284,"ĠRecreation":34285,"Ġeco":34286,"648":34287,"ĠDied":34288,"mint":34289,"Ġfingerprints":34290,"Ġdispose":34291,"ĠBosnia":34292,"tsy":34293,"2200":34294,"Ġinspected":34295,"ĠFou":34296,"Ġfuss":34297,"Ġambush":34298,"ĠRak":34299,"Ġmanifested":34300,"Prosecut":34301,"Ġsuffice":34302,"rences":34303,"Ġcompensated":34304,"ĠCyrus":34305,"Ġgenus":34306,"ĠWolverine":34307,"ĠTrends":34308,"Ġhikes":34309,"ĠSeen":34310,"Ġenrol":34311,"Cold":34312,"Ġpolitely":34313,"ĠSlav":34314,"ĠRupert":34315,"Ġeyewitness":34316,"ĠAlto":34317,"Ġuncomp":34318,"Ġposterior":34319,"Must":34320,"ĠHerz":34321,"Ġprogressively":34322,"Ġ234":34323,"Ġindifference":34324,"ĠCunningham":34325,"Ġacademia":34326,"Ġsewer":34327,"Ġastounding":34328,"ĠAES":34329,"rather":34330,"Ġeldest":34331,"Ġclimbs":34332,"ĠAdds":34333,"Ġoutcry":34334,"Ġcontag":34335,"ĠHouses":34336,"Ġpept":34337,"ĠMelania":34338,"interested":34339,"ĠUCH":34340,"ĠRoots":34341,"ĠHubbard":34342,"ĠTBD":34343,"ĠRomanian":34344,"filename":34345,"Stone":34346,"ĠImpl":34347,"Ġchromosome":34348,"Cle":34349,"dx":34350,"Ġscrambled":34351,"ĠPt":34352,"Ġ242":34353,"OPLE":34354,"Ġtremendously":34355,"Street":34356,"Ġcraving":34357,"Ġbundled":34358,"ĠRG":34359,"pipe":34360,"Ġinjuring":34361,"Ġarcane":34362,"Particip":34363,"ĠHeroic":34364,"sty":34365,"Ġtopping":34366,"ĠTempest":34367,"rentices":34368,"bh":34369,"Ġparanoia":34370,"ĠUnicode":34371,"Ġegregious":34372,"Ġ\\'":34373,"ĠOswald":34374,"Ġgravel":34375,"ĠSimpsons":34376,"Ġbland":34377,"ĠGuantanamo":34378,"Writer":34379,"liners":34380,"ĠDice":34381,"JC":34382,"Ġparity":34383,"Ġsided":34384,"Ġ237":34385,"ĠPyrrha":34386,"atters":34387,"dk":34388,"Fine":34389,"compan":34390,"Ġformulated":34391,"ĠIdol":34392,"ilers":34393,"hemoth":34394,"ĠFav":34395,"Ġintrusion":34396,"Ġcarrots":34397,"ĠLayer":34398,"ĠHacker":34399,"Ġ----------------":34400,"Ġmoderation":34401,"éģ":34402,"ococ":34403,"Ġcharacterize":34404,"ĠTeresa":34405,"Ġsocioeconomic":34406,"Ġperk":34407,"ĠParticipation":34408,"training":34409,"ĠPaulo":34410,"phys":34411,"Ġtrustworthy":34412,"Ġembodied":34413,"ĠMerch":34414,"currency":34415,"ĠPriority":34416,"Ġteasing":34417,"Ġabsorbing":34418,"Ġunfinished":34419,"ĠComparison":34420,"Ġdisple":34421,"writers":34422,"Ġprofessions":34423,"ĠPenguin":34424,"Ġangrily":34425,"ĠLINK":34426,"688":34427,"ĠCorrespond":34428,"Ġprevailed":34429,"Ġcartel":34430,"lp":34431,"asms":34432,"ĠRedemption":34433,"ĠIslamists":34434,"effects":34435,"dose":34436,"ĠLatter":34437,"ĠHalifax":34438,"Ġvas":34439,"ĠTopics":34440,"ĠNamed":34441,"advertising":34442,"zza":34443,"ICES":34444,"Ġretarded":34445,"achable":34446,"ĠPuppet":34447,"ĠItemLevel":34448,"Ġretract":34449,"Ġidentifiable":34450,"Aaron":34451,"ĠBuster":34452,"sol":34453,"helle":34454,"assemb":34455,"Hope":34456,"ranged":34457,"Ba":34458,"ĠPurch":34459,"éĢ":34460,"ĠSiri":34461,"Ġarrivals":34462,"Ġ1912":34463,"Ġshortened":34464,"Ġ312":34465,"Ġdiscrepancy":34466,"ĠTemperature":34467,"ĠWalton":34468,"Ġkinderg":34469,"polit":34470,"Ġremix":34471,"Ġconnectors":34472,"ãĥĺãĥ©":34473,"ĠKazakhstan":34474,"dominated":34475,"Ġsugars":34476,"imble":34477,"ĠPanic":34478,"ĠDemand":34479,"ĠColony":34480,"onen":34481,"ĠMER":34482,"775":34483,"uria":34484,"azaar":34485,"ĠDegree":34486,"Pri":34487,"Ġsunshine":34488,"Ġ251":34489,"Ġpsychedelic":34490,"Ġdigitally":34491,"ĠBraun":34492,"Ġshimmer":34493,"Ġshave":34494,"ĠTelesc":34495,"ĠAstral":34496,"ĠVenezuelan":34497,"ĠOG":34498,"Ġcrawling":34499,"Integ":34500,"ĠFeather":34501,"Ġunfolding":34502,"Ġappropriation":34503,"Ġè£ıè":34504,"ĠMobility":34505,"ĠNey":34506,"-.":34507,"bilt":34508,"LIN":34509,"ĠTube":34510,"ĠConversely":34511,"Ġkeyboards":34512,"ĠCao":34513,"Ġoverth":34514,"Ġlaure":34515,">>\\":34516,"ĠViper":34517,"acha":34518,"Offset":34519,"ĠRaleigh":34520,"ĠJae":34521,"Jordan":34522,"jp":34523,"Ġtotalitarian":34524,"Connector":34525,"Ġobserves":34526,"ĠSpartan":34527,"ĠImmediately":34528,"ĠScal":34529,"Cool":34530,"Ġtaps":34531,"Ġroar":34532,"Past":34533,"Ġchars":34534,"ĠBender":34535,"ĠSheldon":34536,"Ġpainter":34537,"Ġbeacon":34538,"ĠCreatures":34539,"Ġdownturn":34540,"Ġhinder":34541,"ĠAndromeda":34542,"ÃĽ":34543,"ccoli":34544,"ĠFitness":34545,"etrical":34546,"Ġutilizes":34547,"Ġsenate":34548,"Ġensemble":34549,"Ġcheers":34550,"TW":34551,"Ġaffluent":34552,"kil":34553,"rylic":34554,"ordering":34555,"Computer":34556,"Ġgruesome":34557,"ostics":34558,"ĠUbisoft":34559,"ĠKelley":34560,"Ġwrench":34561,"Ġbourgeoisie":34562,"IBLE":34563,"ĠPreston":34564,"worn":34565,"arist":34566,"reating":34567,"Ġstained":34568,"arine":34569,"Ġslime":34570,"ENN":34571,"Ġchests":34572,"Ġgroundwater":34573,"annot":34574,"ĠTray":34575,"ĠLocke":34576,"ĠCTR":34577,"Ġdudes":34578,"ĠExternal":34579,"ĠDecoder":34580,"Ġparamed":34581,"ĠMedline":34582,"809":34583,"ĠDinner":34584,"rupal":34585,"gz":34586,"ĠGum":34587,"ĠDemo":34588,"jee":34589,"Ġdh":34590,"berman":34591,"archs":34592,"Ġenqu":34593,"ĠEpstein":34594,"Ġdevastation":34595,"Ġfriendships":34596,"ĠArd":34597,"Ġ231":34598,"ĠRubin":34599,"ĠDistance":34600,"Ġspurred":34601,"Ġdossier":34602,"Ġoverlooking":34603,"\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\":34604,"Forest":34605,"ĠComes":34606,"\\\",":34607,"ĠIranians":34608,"Ġfixtures":34609,"Laughs":34610,"Ġcurry":34611,"ĠKingston":34612,"Ġsquash":34613,"Ġcatalogue":34614,"Ġabnormalities":34615,"Ġdigestive":34616,".........":34617,"Ġsubordinate":34618,"ogly":34619,"Ġ249":34620,"Middle":34621,"Ġmassac":34622,"Ġburgers":34623,"Ġdownstairs":34624,"Ġ1931":34625,"394":34626,"ĠVG":34627,"Ġlasers":34628,"ĠSikh":34629,"ĠAlexa":34630,"derived":34631,"Ġcyclist":34632,"ãģ®éŃĶ":34633,"oneliness":34634,"!!!!!!!!":34635,"Ġbuffs":34636,"legate":34637,"Ġraping":34638,"Ġrecommending":34639,"rored":34640,"Ġmulticultural":34641,"unique":34642,"Ġbusinessmen":34643,"Ġuneasy":34644,"ĠMAP":34645,"Ġdispersed":34646,"cipline":34647,"Jess":34648,"ĠKerala":34649,"å§":34650,"Ġabstraction":34651,"Surv":34652,"Uh":34653,"Ġprinters":34654,"ija":34655,"owder":34656,"Ġanalogous":34657,"ĠASP":34658,"afer":34659,"Ġunfolded":34660,"Ġleveling":34661,"Ġbreached":34662,"ĠHearing":34663,"Ġnat":34664,"Ġtranslating":34665,"critical":34666,"Ġantagonist":34667,"ĠYesterday":34668,"Ġfuzzy":34669,"wash":34670,"mere":34671,"Ġbewild":34672,"ĠMae":34673,"Virgin":34674,"phrase":34675,"Ġsignaled":34676,"ĠHIGH":34677,"Ġprotester":34678,"Ġgarner":34679,"unknown":34680,"Ġkay":34681,"Ġabducted":34682,"Ġstalking":34683,"amn":34684,"Ġdeserving":34685,"ĠRiv":34686,"ĠJorge":34687,"Ġscratching":34688,"ĠSaving":34689,"iping":34690,"Ġtease":34691,"Ġmissionary":34692,"ĠMorrow":34693,"TIME":34694,"Present":34695,"Ġchemotherapy":34696,"terness":34697,"ĠHomes":34698,"ĠPurdue":34699,"Ġstaunch":34700,"ĠWhitney":34701,"ĠTHERE":34702,"μ":34703,"iatus":34704,"ĠErnest":34705,"ĠDeploy":34706,"Ġcoveted":34707,"FML":34708,"ĠDialogue":34709,"Ġexited":34710,"fruit":34711,"Ġnerd":34712,"\":\"\",\"":34713,"Ġvivo":34714,"ruly":34715,"460":34716,"ĠAmen":34717,"rehensible":34718,"Ġâĺ":34719,"DIR":34720,"Ġadherence":34721,"Ġchew":34722,"ĠCoke":34723,"ĠSergei":34724,"digital":34725,"ĠNeck":34726,"gently":34727,"enthal":34728,"/)":34729,"Ġweary":34730,"Ġguise":34731,"ĠConcord":34732,"ĠOnion":34733,"atcher":34734,"Ġbinge":34735,"ĠDirective":34736,"Ġmanned":34737,"ansk":34738,"Ġillusions":34739,"Ġbillionaires":34740,"383":34741,"olyn":34742,"odynamic":34743,"ĠWheat":34744,"ĠAlic":34745,"Ġcoloured":34746,"ĠNAFTA":34747,"abo":34748,"Ġmacros":34749,"independent":34750,"sweet":34751,"Ġspac":34752,"ĠKabul":34753,"ĠÄ":34754,"eme":34755,"Ġdictated":34756,"Ġshouts":34757,"={":34758,"Ġripping":34759,"ĠShay":34760,"ĠCricket":34761,"directed":34762,"Ġanalysed":34763,"ĠWARRANT":34764,"agons":34765,"ĠBlazers":34766,"Ġcheered":34767,"Ġarithmetic":34768,"ĠTanz":34769,"373":34770,"ĠFlags":34771,"Ġ295":34772,"Ġwitches":34773,"ĠIncluded":34774,"ĠGained":34775,"ĠBlades":34776,"Gam":34777,"ĠSamantha":34778,"ĠAtlantis":34779,"ĠPratt":34780,"Ġspoiled":34781,"ĠIB":34782,"ĠRamirez":34783,"Probably":34784,"rero":34785,"ĠNg":34786,"ĠWarlock":34787,"tp":34788,"Ġoverhe":34789,"Ġadministrations":34790,"Ġtint":34791,"Ġregiment":34792,"Ġpistols":34793,"Ġblankets":34794,"Ġepist":34795,"Ġbowls":34796,"Ġhydraulic":34797,"Ġdean":34798,"Ġjung":34799,"Ġascend":34800,"705":34801,"ĠSantiago":34802,"î":34803,"Ġunavoid":34804,"ĠShaman":34805,"reb":34806,"Ġstemming":34807,"998":34808,"ĠMG":34809,"sticks":34810,"esthesia":34811,"ERO":34812,"Ġmorbid":34813,"ĠGrill":34814,"ĠPoe":34815,"anyl":34816,"Ġdeleting":34817,"ĠSurveillance":34818,"Ġdirectives":34819,"Ġiterations":34820,"ĠRox":34821,"ĠMilky":34822,"Father":34823,"Ġpatented":34824,"447":34825,"Ġprecursor":34826,"Ġmaiden":34827,"ĠPhen":34828,"ĠVegan":34829,"ĠPatent":34830,"Kelly":34831,"Redditor":34832,"Ġnods":34833,"Ġventilation":34834,"ĠSchwarz":34835,"Ġwizards":34836,"Ġominous":34837,"ĠHeads":34838,"ĠBG":34839,"Ġlumber":34840,"ĠSpiel":34841,"ĠisEnabled":34842,"Ġancestral":34843,"ĠShips":34844,"Ġwrestler":34845,"phi":34846,"Ġyuan":34847,"ĠRebellion":34848,"Ġiceberg":34849,"Ġmagically":34850,"Ġdiversion":34851,"arro":34852,"ythm":34853,"ĠRiders":34854,"ĠRobbie":34855,"ĠKara":34856,"ĠMaintenance":34857,"ĠHerb":34858,"Ġharms":34859,"packed":34860,"ĠFeinstein":34861,"Ġmarrying":34862,"Ġblending":34863,"ĠRates":34864,"Ġ1880":34865,"Ġwrink":34866,"ĠUnch":34867,"ĠTorch":34868,"described":34869,"Ġhumanoid":34870,"ilitating":34871,"ĠConv":34872,"ĠFeld":34873,"IGHTS":34874,"Ġwhistleblower":34875,"ortmund":34876,"etsy":34877,"arrett":34878,"ĠMono":34879,"ĠIke":34880,"ĠCNBC":34881,"ĠWAY":34882,"ĠMDMA":34883,"ĠIndividuals":34884,"Ġsupplemental":34885,"Ġpowerhouse":34886,"ĠStru":34887,"Focus":34888,"aphael":34889,"ĠColleg":34890,"atti":34891,"ZA":34892,"Ġperenn":34893,"ĠSignature":34894,"ĠRodney":34895,"Ġcubes":34896,"iddled":34897,"ĠDante":34898,"ĠINV":34899,"ilingual":34900,"ĠCth":34901,"Ġsofa":34902,"Ġintimidate":34903,"ĠRoe":34904,"ĠDiplom":34905,"ĠCountries":34906,"ayson":34907,"Ġextradition":34908,"Ġdisabling":34909,"ĠCardiff":34910,"Ġmemorandum":34911,"ĠTrace":34912,"Ġ???":34913,"sector":34914,"ĠRouhani":34915,"ĠYates":34916,"ĠFreeze":34917,"Ġbladder":34918,"Motor":34919,"ĠPromise":34920,"antasy":34921,"Ġforeseeable":34922,"ĠCologne":34923,"container":34924,"ĠTrees":34925,"ĠGors":34926,"ĠSinclair":34927,"Ġbarring":34928,"keye":34929,"Ġslashed":34930,"ĠStatistical":34931,"éĩ":34932,"Ġâĸº":34933,"Allows":34934,"Ġhumility":34935,"Ġdrilled":34936,"ĠFurn":34937,"443":34938,"Ġsewage":34939,"Ġhomepage":34940,"Ġcourtyard":34941,"Ġvile":34942,"Ġsubsidiaries":34943,"ajo":34944,"directory":34945,"Ġammon":34946,"Vers":34947,"charges":34948,"Ġ}}":34949,"ĠChains":34950,"Ġ246":34951,"nob":34952,"Ġpercept":34953,"Ġgrit":34954,"Ġfishermen":34955,"ĠIraqis":34956,"ĠDISTR":34957,"ĠFULL":34958,"ĠEvaluation":34959,"graph":34960,"atial":34961,"Ġcooperating":34962,"Ġmelan":34963,"Ġenlightened":34964,"Ġali":34965,"tailed":34966,"Ġsalute":34967,"Ġweakest":34968,"ĠBulldogs":34969,"UA":34970,"ĠAlloy":34971,"Ġsemen":34972,"ocene":34973,"ĠWilliamson":34974,"spr":34975,",âĢĶ":34976,"ĠGF":34977,"ittens":34978,"Beat":34979,"ĠJunk":34980,"iphate":34981,"ĠFarmers":34982,"ĠBitcoins":34983,"igers":34984,"dh":34985,"ĠLoyal":34986,"payer":34987,"Ġentertained":34988,"Ġpenned":34989,"Ġcoupon":34990,"Queue":34991,"Ġweakening":34992,"carry":34993,"Ġunderestimate":34994,"Ġshootout":34995,"Ġcharismatic":34996,"ĠProcedure":34997,"Ġprudent":34998,"inances":34999,"Ġriches":35000,"Ġcortical":35001,"Ġstrides":35002,"Ġdrib":35003,"ĠOilers":35004,"540":35005,"ĠPerform":35006,"ĠBangkok":35007,"Ġeuth":35008,"SER":35009,"Ġsimplistic":35010,"tops":35011,"campaign":35012,"Quality":35013,"Ġimpoverished":35014,"ĠEisenhower":35015,"Ġaugment":35016,"ĠHarden":35017,"Ġintervened":35018,"Ġlistens":35019,"ĠKok":35020,"Ġsage":35021,"Ġrubbish":35022,"ĠDed":35023,"Ġmull":35024,"pelling":35025,"Ġvideot":35026,"Production":35027,"DJ":35028,"miah":35029,"Ġadaptations":35030,"Ġmedically":35031,"Ġboarded":35032,"Ġarrogance":35033,"Ġscrapped":35034,"Ġoppress":35035,"FORMATION":35036,"Ġjunction":35037,"415":35038,"EEEE":35039,"Skill":35040,"Ġsubdu":35041,"ĠSuggest":35042,"ĠPett":35043,"Ġlett":35044,"ĠManip":35045,"ĠCaf":35046,"ĠCooperation":35047,"Ther":35048,"Ġregained":35049,"¶æ":35050,"reflect":35051,"Ġthugs":35052,"ĠShelby":35053,"Ġdictates":35054,"ĠWeiner":35055,"ĠHale":35056,"Ġbattleground":35057,"schild":35058,"Ġcondol":35059,"hunt":35060,"ositories":35061,"Ġaccuses":35062,"Filename":35063,"Ġshri":35064,"Ġmotivate":35065,"Ġreflections":35066,"Null":35067,"ĠLobby":35068,"¥µ":35069,"ĠSATA":35070,"ĠBackup":35071,"Ñĥ":35072,"nin":35073,"ĠCorrection":35074,"Ġjuicy":35075,"utra":35076,"ĠPric":35077,"Ġrestraining":35078,"ĠAirbnb":35079,"ĠArrest":35080,"Ġappropriations":35081,"Ġslopes":35082,"Ġmanslaughter":35083,"Ġworkings":35084,"ĠHuss":35085,"ĠFrey":35086,"Leave":35087,"ĠHarmony":35088,"ĠFeder":35089,"Ġ430":35090,"Ġtrench":35091,"Ġgladly":35092,"Ġbullpen":35093,"ĠGau":35094,"bones":35095,"Ġgroove":35096,"Ġpretext":35097,"ãħĭ":35098,"Ġtransmitter":35099,"ĠComponent":35100,"Ġunderage":35101,"ĠEmpires":35102,"Tile":35103,"Ġoy":35104,"ĠMarvin":35105,"ĠCAS":35106,"Ġbloss":35107,"Ġreplicated":35108,"ĠMariners":35109,"Marcus":35110,"ĠBlocks":35111,"Ġliberated":35112,"Ġbutterfly":35113,"Feel":35114,"Ġfermentation":35115,"Ġyoutube":35116,"Ġoffend":35117,"ĠTerm":35118,"resist":35119,"Ġcessation":35120,"Ġinsurgency":35121,"Ġbir":35122,"ĠRaise":35123,"595":35124,"Ġhypotheses":35125,"502":35126,"Ġplaque":35127,"ocrat":35128,"Ġjackets":35129,"ĠHuffPost":35130,"among":35131,"Ġconfer":35132,"487":35133,"ĠLilly":35134,"Ġadapting":35135,"ĠFay":35136,"Ġshoved":35137,"vec":35138,"Ġrefine":35139,"Ġgon":35140,"Ġgunmen":35141,"zai":35142,"ĠShuttle":35143,"ĠIzan":35144,"Ġ1913":35145,"Ġplethora":35146,"··":35147,"Ġ510":35148,"Ġpuberty":35149,"Ġ241":35150,"ĠWealth":35151,"ĠAlma":35152,"ĠMEM":35153,"ĠAdults":35154,"Cas":35155,"prison":35156,"Race":35157,"Ġwaterproof":35158,"Ġathleticism":35159,"Ġcapitalize":35160,"ĠJuice":35161,"Ġilluminated":35162,"ĠPascal":35163,"Ġirritation":35164,"ĠWitnesses":35165,"adle":35166,"ĠAstro":35167,"Ġfax":35168,"ĠElvis":35169,"Primary":35170,"ĠLich":35171,"ĠElves":35172,"Ġresiding":35173,"Ġstumble":35174,"319":35175,"ĠPKK":35176,"Ġadversaries":35177,"DOS":35178,"ĠRitual":35179,"Ġsmear":35180,"Ġarson":35181,"idental":35182,"Ġscant":35183,"Ġmonarchy":35184,"Ġhalftime":35185,"Ġresidue":35186,"Ġindign":35187,"ĠShaun":35188,"ĠElm":35189,"auri":35190,"Aff":35191,"WATCH":35192,"ĠLyon":35193,"helps":35194,"361":35195,"Ġlobbyist":35196,"Ġdiminishing":35197,"Ġoutbreaks":35198,"Ġgoats":35199,"favorite":35200,"ĠNah":35201,"sonian":35202,"ĠBooster":35203,"Ġsandbox":35204,"ĠFare":35205,"ĠMalta":35206,"ĠattRot":35207,"ĠMOR":35208,"lde":35209,"Ġnavigating":35210,"Touch":35211,"Ġuntrue":35212,"ĠDisaster":35213,"Ġludicrous":35214,"Password":35215,"ĠJFK":35216,"blogspot":35217,"416":35218,"ĠUNDER":35219,"ernal":35220,"Ġdelaying":35221,"TOP":35222,"Ġimplants":35223,"ĠAVG":35224,"ĠHuge":35225,"attr":35226,"Ġjournalistic":35227,"ĠPeyton":35228,"ĠIA":35229,"Rap":35230,"goal":35231,"ĠProgramme":35232,"Ġsmashing":35233,"wives":35234,"println":35235,"ĠPlague":35236,"inus":35237,"EEP":35238,"Ġcruiser":35239,"ĠParish":35240,"uminium":35241,"Ġoccupants":35242,"ĠJihad":35243,"mop":35244,"Ġpint":35245,"Ġhect":35246,"ĠMecca":35247,"director":35248,"ĠFunding":35249,"ĠMixed":35250,"Ġstag":35251,"Tier":35252,"Ġgust":35253,"Ġbrightly":35254,"orsi":35255,"Ġuphill":35256,"RD":35257,"Ġlesions":35258,"ĠBundy":35259,"livious":35260,"Ġbiologist":35261,"ĠFaculty":35262,"ĠAuthorization":35263,"Ġ244":35264,"Allow":35265,"ï¸":35266,"ĠGiul":35267,"Ġpertinent":35268,"otaur":35269,"esse":35270,"ĠRoof":35271,"Ġunmanned":35272,"351":35273,"ĠShak":35274,"ĠOrient":35275,"Ġendanger":35276,"Dir":35277,"Ġreplen":35278,"edient":35279,"Ġtailor":35280,"Ġgadgets":35281,"Ġaudible":35282,"âĺĨ":35283,"Nice":35284,"Ġbombard":35285,"ĠRape":35286,"Ġdefiance":35287,"ĠTWO":35288,"ĠFilipino":35289,"Ġunaffected":35290,"ervatives":35291,"Ġsoared":35292,"ĠBolton":35293,"Ġcompromising":35294,"ĠBrewers":35295,"RAL":35296,"ĠAHL":35297,"icycle":35298,"Ġvampires":35299,"Ġdipped":35300,"oyer":35301,"ĠXIII":35302,"Ġsideways":35303,"ĠWaste":35304,"ĠDiss":35305,"ĠâĶľâĶĢâĶĢ":35306,"$.":35307,"Ġhabitats":35308,"ĠBeef":35309,"truth":35310,"trained":35311,"split":35312,"Rus":35313,"Andy":35314,"ĠBram":35315,"REP":35316,"pid":35317,"è£ħ":35318,"ĠMutant":35319,"Anim":35320,"ĠMarina":35321,"Ġfutile":35322,"highest":35323,"frequency":35324,"Ġepilepsy":35325,"Ġcoping":35326,"Ġconcise":35327,"Ġtracing":35328,"ĠSUN":35329,"panel":35330,"ĠSophie":35331,"ĠCrowley":35332,"ĠAdolf":35333,"ĠShooter":35334,"Ġshaky":35335,"ĠIG":35336,"ĠLies":35337,"ĠBarber":35338,"pkg":35339,"Ġuptake":35340,"Ġpredatory":35341,"ULTS":35342,"/**":35343,"Ġintoxicated":35344,"ĠWestbrook":35345,"odder":35346,"hement":35347,"Ġbaseman":35348,"APD":35349,"storage":35350,"ĠFifty":35351,"editor":35352,"GEN":35353,"UTION":35354,"irting":35355,"Ġsewing":35356,"rift":35357,"Ġagony":35358,"ĠSands":35359,"Ġ254":35360,"Cash":35361,"Ġlodge":35362,"Ġpunt":35363,"Natural":35364,"ĠIdeas":35365,"Ġerroneous":35366,"ĠSensor":35367,"ĠHannity":35368,"Ġ1921":35369,"Ġmould":35370,"ĠGon":35371,"kaya":35372,"Ġanonymously":35373,"ĠKEY":35374,"Ġsimulator":35375,"Winter":35376,"Ġstreamed":35377,"507":35378,"?\",":35379,"Ġteased":35380,"Ġcoefficient":35381,"Ġwartime":35382,"ĠTHR":35383,"''.":35384,"ĠBanking":35385,"mpire":35386,"Ġfandom":35387,"Ġlia":35388,"Ga":35389,"Ġdownhill":35390,"Ġinterpreting":35391,"Individual":35392,"Norm":35393,"Ġjealousy":35394,"bitcoin":35395,"Ġpleasures":35396,"ĠToys":35397,"ĠChevrolet":35398,"ĠAdvisor":35399,"IZE":35400,"Ġreceptions":35401,"706":35402,"Cro":35403,"Ġ262":35404,"Ġcitrus":35405,"iru":35406,"Reviewer":35407,"jected":35408,"UES":35409,"anz":35410,"1981":35411,"ĠWorker":35412,"Ġcomplied":35413,"orescent":35414,"continental":35415,"Ton":35416,"ĠPrism":35417,"ĠSheep":35418,"Ġ288":35419,"nox":35420,"ĠVog":35421,"Ord":35422,"Ġrealms":35423,"tek":35424,"Ġirrigation":35425,"Ġbicycles":35426,"Ġelectronically":35427,"poly":35428,"tall":35429,"());":35430,"Ġaesthetics":35431,"ĠIntegrated":35432,"Explore":35433,"Ġdunk":35434,"476":35435,"pain":35436,"ĠJacques":35437,"ĠDmit":35438,"Frames":35439,"Ġreunited":35440,"Ġhumid":35441,"Dro":35442,"Political":35443,"Ġyouthful":35444,"Ġentails":35445,"Ġmosquito":35446,"363":35447,"species":35448,"Ġcoordinating":35449,"ĠMayhem":35450,"ĠMagnus":35451,"Mount":35452,"Improved":35453,"ĠSTATE":35454,"ATTLE":35455,"Ġflowed":35456,"Ġtackled":35457,"Ġfashioned":35458,"Ġreorgan":35459,"ivari":35460,"finger":35461,"Ġreluctantly":35462,"etting":35463,"ĠVand":35464,"young":35465,"ĠGarland":35466,"Ġpresumption":35467,"Ġamenities":35468,"ĠPleasant":35469,"onential":35470,"ĠOxy":35471,"Ġmorals":35472,"ĠYah":35473,"Ready":35474,"Simon":35475,"Enh":35476,"Demon":35477,"Ġclich":35478,"Monitor":35479,"ĠDU":35480,"Ġwelcomes":35481,"Ġstandout":35482,"Ġdreadful":35483,"Ġbananas":35484,"Ġballoons":35485,"hooting":35486,"basic":35487,"Ġsuffix":35488,"Ġduly":35489,"cano":35490,"Chain":35491,"atos":35492,"Ġgeopolitical":35493,"Ġ(&":35494,"ĠGemini":35495,"ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ":35496,"Ġacquitted":35497,"Luck":35498,"protect":35499,"1024":35500,"Ġscarcity":35501,"Ġmindfulness":35502,"ecided":35503,"DN":35504,"prime":35505,"ĠPresidents":35506,"ĠVIDEO":35507,"Ġ(âĪĴ":35508,"addock":35509,"NOR":35510,"ĠPru":35511,"pun":35512,"ĠLOL":35513,"))))":35514,"ĠLiqu":35515,"ĠSAS":35516,"Ġstyling":35517,"Ġpunishments":35518,"Ġnumb":35519,"Ġascertain":35520,"ĠRockies":35521,"flu":35522,"Thumbnail":35523,"Ġperpetrated":35524,"ĠSemi":35525,"Ġdisarm":35526,"ĠOlder":35527,"ĠException":35528,"Ġexponentially":35529,"ĠCommunities":35530,"Ġabolish":35531,"ĠPartner":35532,"ptoms":35533,"Ġ777":35534,"ĠFoley":35535,"ĠCases":35536,"Ġgrease":35537,"ĠRebirth":35538,"Ground":35539,"Ġ;)":35540,"ĠDoctrine":35541,"ikini":35542,"Ye":35543,"ĠBlossom":35544,"Ġpersists":35545,"bill":35546,"Ġinfusion":35547,"Ġbuddies":35548,"911":35549,"ĠPatient":35550,"Ġdemos":35551,"Ġacquaintance":35552,"ĠPaw":35553,"atari":35554,"Ġxml":35555,"Ġfascination":35556,"ĠServe":35557,"ÏĤ":35558,"branded":35559,"Ġaz":35560,"Returns":35561,"Ġovershadow":35562,"Ġroam":35563,"Ġspeedy":35564,"numbered":35565,"helial":35566,"Ġdisciple":35567,"Ġassurances":35568,"given":35569,"pecting":35570,"ĠNatalie":35571,"çͰ":35572,"Ġmosquitoes":35573,"rotein":35574,"Ġnumeric":35575,"Ġindependents":35576,"Ġtransitional":35577,"Ġreactionary":35578,"ĠMechdragon":35579,"doctor":35580,"Ġshortest":35581,"Ġsequential":35582,"ĠBac":35583,"ĠAccounts":35584,"ãģĮ":35585,"achy":35586,"ractive":35587,"ĠRegiment":35588,"Ġbreathtaking":35589,"fficiency":35590,"ĠBates":35591,"Ġ311":35592,"Ġwardrobe":35593,"fts":35594,"ĠBerk":35595,"Simply":35596,"ĠRiverside":35597,"ivering":35598,"idential":35599,"lucent":35600,"Ġenriched":35601,"ĠConver":35602,"ĠGiving":35603,"ãĥĻ":35604,"Ġlegalize":35605,"ĠFTC":35606,"Ġfreaking":35607,"Mix":35608,"Ġterrestrial":35609,"esian":35610,"cients":35611,"Wing":35612,"LOAD":35613,"Ġledge":35614,"ĠViolent":35615,"ĠMetall":35616,"Ġ308":35617,"Ġsoutheastern":35618,"hetto":35619,"Meat":35620,"Ġslowdown":35621,"Ġretreated":35622,"Jeremy":35623,"endas":35624,"*****":35625,"eric":35626,"Ġreins":35627,"oppable":35628,"ĠHumanity":35629,"earances":35630,"rigan":35631,"Camera":35632,"Ġwaivers":35633,"soc":35634,"Ġalteration":35635,"transform":35636,"ĠCemetery":35637,"506":35638,"Ġindefinite":35639,"Ġstimulating":35640,"yg":35641,"603":35642,"ĠSop":35643,"Ġdescriptive":35644,"Phase":35645,"ĠEdmund":35646,"Ġpneumonia":35647,"ventus":35648,"Amb":35649,"Ġlaboratories":35650,"ĠExclusive":35651,"ugar":35652,"Were":35653,"Ġmalfunction":35654,"Ġhomosexuals":35655,"Ġ-------":35656,"uni":35657,"Ġturbines":35658,"ĠEquity":35659,"Du":35660,"Ġminded":35661,"ĠRH":35662,"ĠBlackhawks":35663,"Ġfeats":35664,"Ġ1700":35665,"repl":35666,"362":35667,"laden":35668,"Ġindispensable":35669,"lyss":35670,"tti":35671,"Ġreel":35672,"Ġdiverted":35673,"Ġlikeness":35674,"Ġsubscriptions":35675,"Ġfingert":35676,"Ġfilthy":35677,"destruct":35678,"draft":35679,"ĠBernardino":35680,"launch":35681,"Ġperplex":35682,"ĠSUM":35683,"carb":35684,"Ġsweater":35685,"ĠVenture":35686,"ĠJag":35687,"ĠCeleb":35688,"ĠVoters":35689,"Ġsteadfast":35690,"Ġathletics":35691,"ĠHanson":35692,"ĠDrac":35693,"Tracker":35694,"Ġcommend":35695,"ĠPresidency":35696,"ĠDID":35697,"informed":35698,"Ġwebpage":35699,"Pretty":35700,"Ġforcefully":35701,"ãĥĥãĤ¯":35702,"Ġrelocation":35703,"Ġsatire":35704,"âī":35705,"ĠSunderland":35706,"æĦ":35707,"Voice":35708,"????????":35709,"Ġinformant":35710,"Ġbowel":35711,"ĠUniform":35712,"Ġ...\"":35713,"Ġpurge":35714,"Ġpicnic":35715,"ĠUmb":35716,"ĠUPDATE":35717,"ĠSapphire":35718,"ĠStall":35719,"learn":35720,"Ġobjectively":35721,"Ġobliter":35722,"Ġloophole":35723,"Ġjourneys":35724,"Ġomission":35725,"Pros":35726,"ĠSidney":35727,"ploma":35728,"Ġsprayed":35729,"Ġguru":35730,"Ġtraitor":35731,"Ġtimet":35732,"Ġsnapping":35733,"ĠSevent":35734,"urnal":35735,"ĠUkip":35736,"Ġbowed":35737,"poral":35738,"liberal":35739,"Ros":35740,"Questions":35741,"iOS":35742,"Ġsummarize":35743,"STAT":35744,"Ġ1850":35745,"apest":35746,"Ġlender":35747,"ĠVariable":35748,"bringing":35749,"ĠLORD":35750,",)":35751,"Ġcollapses":35752,"xiety":35753,"ĠNed":35754,"YD":35755,"ĠScha":35756,"Ġantibody":35757,"Ġdisband":35758,"yre":35759,"illusion":35760,"Ġrover":35761,"shed":35762,"ĠHirosh":35763,"cci":35764,"Ġcalam":35765,"ĠMorton":35766,"Pinterest":35767,"Ġ1928":35768,"ĠEuras":35769,"ordes":35770,"Ġfences":35771,"ĠInventory":35772,"ĠValencia":35773,"ĠUd":35774,"ĠTiff":35775,"Ġsque":35776,"Ġquotation":35777,"Ġtroublesome":35778,"erker":35779,"QUEST":35780,"ĠKingdoms":35781,"south":35782,"Ġlevy":35783,"Prince":35784,"ĠSting":35785,"Ġnicknamed":35786,"Ġappe":35787,"Ġphotographic":35788,"Ġcorpus":35789,"reference":35790,"ĠTrog":35791,"Unt":35792,")=(":35793,"ĠLatvia":35794,"Ġactivating":35795,"Ġlicensee":35796,"Ġdisparities":35797,"ĠNewsletter":35798,"ãĥĥãĥĪ":35799,"Ġfreeing":35800,"ĠJeep":35801,"ĠPerception":35802,"insk":35803,"Ġsilicone":35804,"ĠHayden":35805,"Lean":35806,"ĠSuzuki":35807,"ibrarian":35808,"668":35809,"Ġspor":35810,"Ġcorrelations":35811,"aghetti":35812,"Ġtuber":35813,"ĠIPCC":35814,"ilus":35815,"ĠVu":35816,"Ġwealthiest":35817,"ĠCarbuncle":35818,"anza":35819,"Ġfooled":35820,"ĠZur":35821,"Ġdaddy":35822,"rano":35823,"ilian":35824,"Ġknockout":35825,"fman":35826,"required":35827,"ĠWikileaks":35828,"ĠDuffy":35829,"ONT":35830,"Ġinsol":35831,"ĠObjects":35832,"Ġbou":35833,"ĠNordic":35834,"ĠInsert":35835,"scan":35836,"Ġdancers":35837,"Ġidiots":35838,"majority":35839,"ĠNeville":35840,"ĠFreeBSD":35841,"Ġtart":35842,"panic":35843,"690":35844,"Ġcocoa":35845,"Ġsampled":35846,"Ġlookup":35847,"Indust":35848,"Ġinjections":35849,"genre":35850,"Ġau":35851,"Ġroadway":35852,"Ġgenitals":35853,"Kind":35854,"ĠExaminer":35855,"ĠYaz":35856,"Fresh":35857,"Ġparalysis":35858,"ĠAluminum":35859,"Ġreap":35860,"oké":35861,"Ġsloppy":35862,"ĠTunnel":35863,"posium":35864,"nery":35865,"enic":35866,"Ġherbal":35867,"ĠOuter":35868,"ĠBuilder":35869,"Ġincur":35870,"Ġideologies":35871,"Ġbackups":35872,"consuming":35873,"ĠDetect":35874,"deck":35875,"ĠKNOW":35876,"ĠGret":35877,"ĠMIC":35878,"Ġtoughness":35879,"ĠExhibit":35880,"Ġhive":35881,"Les":35882,"ĠSCHOOL":35883,"ĠAtari":35884,"alde":35885,"ĠNull":35886,"andestine":35887,"mouse":35888,"Ġbrigade":35889,"489":35890,"Ġrevol":35891,"ĠLawson":35892,"ĠWah":35893,"opoly":35894,"ebted":35895,"ĠSaunders":35896,"Ġ313":35897,"ĠWinc":35898,"Ġtaboo":35899,"ĠHelmet":35900,"Ġwedge":35901,"chip":35902,"ĠTina":35903,"bg":35904,"Ġinfuri":35905,"rn":35906,"Ġanomalies":35907,"ĠSync":35908,"ĠExam":35909,"ĠCommit":35910,"ĠDiary":35911,"ĠALSO":35912,"ĠDebor":35913,"omedical":35914,"Ġcomprehension":35915,"655":35916,"Ġempowering":35917,"Ġire":35918,"Ġjuices":35919,"ĠETH":35920,"ĠBoxing":35921,"=\"/":35922,"Ġfacilitated":35923,"poke":35924,"ĠParsons":35925,"ĠModer":35926,"travel":35927,"Ġcivilizations":35928,"Ġlibertarians":35929,"Ġrune":35930,"ĠClarks":35931,"athed":35932,"Ġcampaigners":35933,"ĠDispatch":35934,"ĠFahrenheit":35935,"ĠCapcom":35936,"----------":35937,"Ġlace":35938,"Ġdraining":35939,"Ġliner":35940,"ĠArtificial":35941,"én":35942,"task":35943,"]).":35944,"ĠGMO":35945,"ĠOperator":35946,"ordinary":35947,"ĠInfluence":35948,"ĠUps":35949,"Ġpotency":35950,"ussen":35951,"ospons":35952,"ĠSwim":35953,"ĠDeadline":35954,"Unity":35955,"Ġculinary":35956,"Ġenlightenment":35957,"Ġwearer":35958,"Ġmined":35959,"Ġply":35960,"Ġincest":35961,"ĠDVDs":35962,"Walk":35963,"BTC":35964,"Trade":35965,"Ġdeval":35966,"iband":35967,"ĠOversight":35968,"Palestinian":35969,"Ġdart":35970,"Ġmul":35971,"LR":35972,"Ġremovable":35973,"ĠRealms":35974,"ìĿ":35975,"Ġmiscar":35976,"ĠVulkan":35977,"685":35978,"ère":35979,"ĠSap":35980,"Ġmerging":35981,"ĠCarly":35982,"chester":35983,"Ġbrisk":35984,"Ġluxurious":35985,"ĠGenerator":35986,"Ġbitterness":35987,"Ġedible":35988,"Ġ243":35989,"TG":35990,"Ġrectangle":35991,"WithNo":35992,"below":35993,"Jenn":35994,"Ġdarkest":35995,"Ġhitch":35996,"Ġdosage":35997,"Ġscaven":35998,"ĠKeller":35999,"ĠIllustrated":36000,"Certainly":36001,"ĠMavericks":36002,"Marginal":36003,"Ġdiarrhea":36004,"Ġenormously":36005,"Ġ999":36006,"shr":36007,"quart":36008,"Ġadamant":36009,"ĠMew":36010,"Ġrenovation":36011,"Ġcervical":36012,"ĠPercentage":36013,"eners":36014,"ĠKimber":36015,"Ġfloats":36016,"Ġdex":36017,"ĠWitcher":36018,"ĠSwansea":36019,"dm":36020,"Ġsalty":36021,"yellow":36022,"Ġcape":36023,"ĠDrain":36024,"ĠPaula":36025,"ĠToledo":36026,"lesi":36027,"Magazine":36028,"ĠWick":36029,"ĠMn":36030,"ĠAck":36031,"ĠRiding":36032,"ASON":36033,"Ġhomophobic":36034,"ARP":36035,"Ġwandered":36036,"CPU":36037,"oodoo":36038,"ĠPipe":36039,"Ġtightening":36040,"ĠButt":36041,"318":36042,"Ġdeserted":36043,"Session":36044,"Ġfacilitating":36045,"Jump":36046,"Ġemergencies":36047,"OWER":36048,"Ġexhaustive":36049,"ĠAFTER":36050,"Ġheartbeat":36051,"ĠLabel":36052,"acky":36053,"ĠCertified":36054,"iltration":36055,"Ze":36056,"ĠUtt":36057,"Ġ1300":36058,"Ġpresume":36059,"ĠDisp":36060,"Ġsurged":36061,"Ġdolls":36062,"Columb":36063,"Ġchimpan":36064,"ĠRazor":36065,"Ġticks":36066,"Ġcouncillor":36067,"Ġpilgrimage":36068,"ĠRebels":36069,"ĠQC":36070,"ĠAuction":36071,"xia":36072,"ikk":36073,"bred":36074,"Ġinsertion":36075,"Ġcoarse":36076,"dB":36077,"SEE":36078,"ĠZap":36079,"ĠFoo":36080,"Ġcontempor":36081,"ĠQuarterly":36082,"otions":36083,"ĠAlchemist":36084,"ĠTrey":36085,"ĠDuo":36086,"Sweet":36087,"804":36088,"ĠGiov":36089,"Ġfunn":36090,"Nin":36091,"hoff":36092,"Ġramifications":36093,"Ġ1922":36094,"ĠExperts":36095,"azes":36096,"Ġgarments":36097,"arial":36098,"ĠNab":36099,"Ġ257":36100,"ĠVed":36101,"Ġhumorous":36102,"ĠPompe":36103,"Ġnylon":36104,"Ġlurking":36105,"ĠSergey":36106,"ĠMattis":36107,"Ġmisogyny":36108,"ĠComponents":36109,"ĠWatching":36110,"ĠFolk":36111,"ractical":36112,"Bush":36113,"Ġtaped":36114,"Ġgrouping":36115,"Ġbeads":36116,"Ġ2048":36117,"Ġcondu":36118,"querque":36119,"Reading":36120,"Ġgrievances":36121,"Ultra":36122,"Ġendpoint":36123,"Hig":36124,"ĠStatic":36125,"ĠScarborough":36126,"Lua":36127,"ĠMessi":36128,"aqu":36129,"ĠPsyNet":36130,"ĠRudd":36131,"Ġavenue":36132,"vp":36133,"Jer":36134,"Ġshady":36135,"ĠResist":36136,"ĠArtemis":36137,"Ġcareless":36138,"Ġbrokers":36139,"Ġtemperament":36140,"Ġ520":36141,"Tags":36142,"ĠTurning":36143,"Ġuttered":36144,"Ġpedd":36145,"Ġimprovised":36146,"Ġ:(":36147,"Ġtabl":36148,"Ġplains":36149,"1600":36150,"pressure":36151,"ĠEssence":36152,"margin":36153,"friends":36154,"ĠRestoration":36155,"Ġpollut":36156,"ĠPoker":36157,"ĠAugustine":36158,"ĠCIS":36159,"ĠSEAL":36160,"orama":36161,"Ġthwart":36162,"seek":36163,"Ġpagan":36164,"º":36165,"cpu":36166,"Ġgarn":36167,"Ġassortment":36168,"ĠILCS":36169,"tower":36170,"Recommended":36171,"Ġunborn":36172,"ĠRandomRedditor":36173,"ĠRandomRedditorWithNo":36174,"Ġparalyzed":36175,"Ġeruption":36176,"Ġintersect":36177,"ĠStoke":36178,"ĠSco":36179,"Bind":36180,"å¾":36181,"ĠPNG":36182,"ĠNegative":36183,"ĠNOAA":36184,"Leon":36185,"Ġalloy":36186,"ĠLama":36187,"ĠDiversity":36188,"575":36189,"Ġunderestimated":36190,"ĠScor":36191,"Ġmural":36192,"Ġbusted":36193,"soon":36194,"lif":36195,"Ġnonex":36196,"Ġallergy":36197,"ĠUnderworld":36198,"ĠRays":36199,"ĠBlasio":36200,"Ġhrs":36201,"ĠDir":36202,"Ġ327":36203,"byter":36204,"Ġreplacements":36205,"Ġactivates":36206,"rived":36207,"MH":36208,"Ġpans":36209,"ĠHI":36210,"Ġlongitudinal":36211,"Ġnuisance":36212,"aler":36213,"Ġswell":36214,"ĠSigned":36215,"sci":36216,"ĠIsles":36217,"ĠAGA":36218,"Ġdefiant":36219,"Ġsonic":36220,"ocon":36221,"KC":36222,"ĠAim":36223,"tie":36224,"ahah":36225,"ĠmL":36226,"DX":36227,"Ġbisc":36228,"ĠBillboard":36229,"ĠSYSTEM":36230,"NEY":36231,"gaard":36232,"Ġdistressed":36233,"formerly":36234,"Alan":36235,"Ġchefs":36236,"Ġoptics":36237,"ĠComet":36238,"ĠAMC":36239,"Ġredesigned":36240,"irmation":36241,"Ġsightings":36242,"382":36243,"311":36244,"ĠWB":36245,"Ġcontraction":36246,"ĠTOTAL":36247,"Dual":36248,"Ġstartled":36249,"Ġunderstandably":36250,"Ġsunglasses":36251,"ETHOD":36252,"Ġdocker":36253,"Ġsurfing":36254,"ĠHEL":36255,"ĠSlack":36256,"tones":36257,"Ġshalt":36258,"Visual":36259,"498":36260,"Department":36261,"cussion":36262,"Ġunrestricted":36263,"Ġtad":36264,"Ġrename":36265,"employed":36266,"Ġeducating":36267,"Ġgrinned":36268,"bedroom":36269,"ĠActivities":36270,"ĠVelvet":36271,"ĠSWAT":36272,"Ġshuffle":36273,"igor":36274,"Ġsaturation":36275,"Finding":36276,"cream":36277,"icter":36278,"Ġvodka":36279,"tracking":36280,"tec":36281,"Ġforeground":36282,"iesta":36283,"Ġvehement":36284,"ĠECB":36285,"ĠTie":36286,"Ey":36287,"Ġturtles":36288,"ĠRailroad":36289,"ĠKatz":36290,"ĠFrames":36291,"Ġmenace":36292,"ĠFellowship":36293,"ĠEssential":36294,"uggish":36295,"Ġdrip":36296,"chwitz":36297,"ĠKyoto":36298,"sb":36299,"ĠNina":36300,"Parameter":36301,"Ġalarms":36302,"ĠClaud":36303,"Ġpioneering":36304,"Ġchiefly":36305,"ĠScream":36306,"Collection":36307,"Ġthankfully":36308,"ĠRonaldo":36309,"åŃIJ":36310,"strip":36311,"ĠDisneyland":36312,"commercial":36313,"Seeing":36314,"Soul":36315,"Ġevacuate":36316,"Ġciv":36317,"ĠAshe":36318,"Ġdivides":36319,"ĠDagger":36320,"rehensive":36321,"Ġberries":36322,"ĠDF":36323,"Ġsushi":36324,"Ġplurality":36325,"WI":36326,"Ġdisadvantaged":36327,"Ġbattalion":36328,"obiles":36329,"451":36330,"Ġcling":36331,"Ġundeniable":36332,"ĠLounge":36333,"Ġhaunt":36334,"phe":36335,"Ġquantify":36336,"Ġdiffered":36337,"Ġ[*]":36338,"ĠViz":36339,"cum":36340,"slave":36341,"Ġvideog":36342,"Ġquar":36343,"Ġbundles":36344,"ĠAlonso":36345,"tackle":36346,"Ġneuronal":36347,"Ġlandslide":36348,"confirmed":36349,"ĠDepth":36350,"Ġrenewables":36351,"Bear":36352,"ĠMacedonia":36353,"Ġjerseys":36354,"Ġbunk":36355,"ĠSpawn":36356,"ĠControls":36357,"ĠBuchanan":36358,"Ġrobotics":36359,"Ġemphasizing":36360,"ĠTutorial":36361,"hyp":36362,"iston":36363,"Ġmonumental":36364,"æ°":36365,"ĠCarry":36366,"Ġtbsp":36367,"enance":36368,"Hill":36369,"arthed":36370,"Ġrotten":36371,"Dean":36372,"Ġtwisting":36373,"Ġgoodwill":36374,"Ġimmersion":36375,"Living":36376,"Ġbrushes":36377,"ĠCGI":36378,"ĠAtk":36379,"traditional":36380,"Ġphantom":36381,"ĠStamina":36382,"Ġexpansions":36383,"ĠMarin":36384,"Ġembarked":36385,"ĠEg":36386,"intestinal":36387,"ĠPEOPLE":36388,"ĠBooth":36389,"ĠAppalach":36390,"Ġrelegated":36391,"VT":36392,"MIT":36393,"Ġmuster":36394,"Ġwithdrawing":36395,"Ġmicroscope":36396,"ĠGathering":36397,"ĠCrescent":36398,"ĠArgentine":36399,"ĠDecre":36400,"ĠDominic":36401,"Ġbuds":36402,"antage":36403,"ĠIon":36404,"Ġwidened":36405,"ONSORED":36406,"ĠGloves":36407,"iannopoulos":36408,"razen":36409,"feel":36410,"Ġrepayment":36411,"Ġhindsight":36412,"ĠREALLY":36413,"ĠPistol":36414,"ĠBrah":36415,"Ġwatts":36416,"Ġsurvives":36417,"Ġflurry":36418,"issy":36419,"Alert":36420,"ĠUruguay":36421,"Phoenix":36422,"Slow":36423,"ĠGrave":36424,"ĠFir":36425,"Ġmanageable":36426,"Ġtariff":36427,"ĠUDP":36428,"ĠPistons":36429,"ĠNigerian":36430,"Ġstrikeouts":36431,"Ġcosmetics":36432,"whelming":36433,"fab":36434,"cape":36435,"proxy":36436,"Ġrethink":36437,"Ġovercoming":36438,"simple":36439,"Ġwoo":36440,"Ġdistracting":36441,"ĠStanton":36442,"ĠTulsa":36443,"ĠDock":36444,"659":36445,"Ġdiscord":36446,"ĠEmacs":36447,"ĠVes":36448,"ĠROB":36449,"Ġreassuring":36450,"Ġconsortium":36451,"Muslims":36452,"321":36453,"Ġprompts":36454,"sei":36455,"ĠHitch":36456,"imposed":36457,"ĠFool":36458,"Ġindiscrim":36459,"wrong":36460,"buquerque":36461,"Davis":36462,"!]":36463,"Ġtimeless":36464,"ĠNEED":36465,"Ġpesticide":36466,"Ġrallying":36467,"ĠCalder":36468,"Ġå¤":36469,"Ġxp":36470,"ĠUnle":36471,"ĠExport":36472,"luaj":36473,"Buff":36474,")[":36937,"Ġsqor":36938,"Saudi":36939,"Ġistg":36940,"Ġindulge":36941,"proc":36942,"Ġdisgusted":36943,"Ġcompounded":36944,"Ġnem":36945,"Ġschooling":36946,"ĠCure":36947,"processing":36948,"Sol":36949,"Ġproverb":36950,"itized":36951,"ĠAlvarez":36952,"Ġscarf":36953,"Ġrectangular":36954,"reve":36955,"Ġhormonal":36956,"ĠStress":36957,"itizen":36958,"Ġ425":36959,"girls":36960,"ĠNoir":36961,"ĠRapp":36962,"Ġmarches":36963,"church":36964,"ĠUses":36965,"Ġ405":36966,"ĠBerm":36967,"Ġordinances":36968,"ĠJudgment":36969,"Charges":36970,"ĠZin":36971,"Ġdusty":36972,"Ġstrawberries":36973,"Ġperce":36974,"ĠThur":36975,"ĠDeborah":36976,"netflix":36977,"ĠLambert":36978,"Ġamused":36979,"ĠGuang":36980,"YOU":36981,"RGB":36982,"ĠCCTV":36983,"Ġfiat":36984,"rang":36985,"Ġfederation":36986,"ĠMant":36987,"ĠBust":36988,"ĠMare":36989,"respective":36990,"ĠMigration":36991,"ĠBIT":36992,"590":36993,"Ġpatriotism":36994,"Ġoutlining":36995,"region":36996,"ĠJosé":36997,"Ġblasting":36998,"ĠEzra":36999,"Bs":37000,"Ġundermines":37001,"ĠSmooth":37002,"Ġclashed":37003,"radio":37004,"Ġtransitioning":37005,"ĠBuccaneers":37006,"ĠOwl":37007,"Ġplugs":37008,"Ġhiatus":37009,"ĠPinball":37010,"Ġmig":37011,"ĠNutr":37012,"ĠWolfe":37013,"Ġintegers":37014,"Ġorbits":37015,"ĠEdwin":37016,"ĠDirectX":37017,"bite":37018,"Ġblazing":37019,"vr":37020,"Edge":37021,"ĠPID":37022,"exit":37023,"ĠComed":37024,"ĠPathfinder":37025,"ĠGuid":37026,"ĠSigns":37027,"ĠZer":37028,"ĠAgenda":37029,"Ġreimbursement":37030,"Mesh":37031,"iPhone":37032,"ĠMarcos":37033,"ĠSites":37034,"hate":37035,"enburg":37036,"Ġsockets":37037,"pend":37038,"Batman":37039,"vir":37040,"ĠSHOW":37041,"Ġprovisional":37042,"conn":37043,"ĠDeaths":37044,"ATIVE":37045,"Profile":37046,"sym":37047,"JA":37048,"Ġninja":37049,"installed":37050,"idates":37051,"ebra":37052,"ĠOmaha":37053,"Ġseizing":37054,"ĠBeasts":37055,"Ġsalts":37056,"Mission":37057,"Generally":37058,"ĠTrilogy":37059,"heon":37060,"legates":37061,"Ġdime":37062,"Ġfaire":37063,"parable":37064,"Graph":37065,"Ġtotaling":37066,"Ġdiagrams":37067,"ĠYanuk":37068,"plet":37069,"ĠMeh":37070,"Ġmythical":37071,"ĠStephens":37072,"autical":37073,"ochemistry":37074,"Ġkilograms":37075,"Ġelbows":37076,"ancock":37077,"ĠBCE":37078,"ĠPrague":37079,"Ġimprov":37080,"ĠDevin":37081,"Ġ\"\\":37082,"paralle":37083,"Ġsupremacists":37084,"ĠBillion":37085,"Ġregimen":37086,"innacle":37087,"Ġrequisite":37088,"angan":37089,"ĠBurlington":37090,"ainment":37091,"ĠObjective":37092,"omsky":37093,"GV":37094,"Ġunilateral":37095,"Ġtc":37096,"Ġhires":37097,"mental":37098,"Ġinvoluntary":37099,"Ġtranspl":37100,"ĠASCII":37101,"¨":37102,"Events":37103,"Ġdoubted":37104,"ĠKaplan":37105,"ĠCourage":37106,"igon":37107,"ĠManaging":37108,"ĠTart":37109,"Ġfalsehood":37110,"ĠViolet":37111,"Ġairs":37112,"Ġfertilizer":37113,"Britain":37114,"Ġaquatic":37115,"ouf":37116,"Words":37117,"ĠHartford":37118,"Ġevenings":37119,"ĠVengeance":37120,"quite":37121,"Gall":37122,"ĠPret":37123,"Ġpdf":37124,"ĠLM":37125,"ĠSochi":37126,"ĠIntercept":37127,"920":37128,"Ġprofitability":37129,"ĠIdle":37130,"ĠMacDonald":37131,"ĠEstablishment":37132,"umsy":37133,"Ġgatherings":37134,"ĠNaj":37135,"Charlie":37136,"Ġascent":37137,"ĠProtector":37138,"Ġalgebra":37139,"Ġbios":37140,"forums":37141,"ELS":37142,"Introduced":37143,"Ġ335":37144,"Ġastronomy":37145,"Contribut":37146,"ĠPolic":37147,"Platform":37148,"Ġcontainment":37149,"wrap":37150,"Ġcoronary":37151,"ĠJelly":37152,"manager":37153,"Ġheartbreaking":37154,"cair":37155,"ĠChero":37156,"cgi":37157,"Medical":37158,"ĠAccountability":37159,"!!\"":37160,"ophile":37161,"Ġpsychotic":37162,"ĠRestrict":37163,"Ġequitable":37164,"issues":37165,"Ġ1905":37166,"ĠNek":37167,"cised":37168,"ĠTracking":37169,"Ġozone":37170,"Ġcooker":37171,"rosis":37172,"Ġreopen":37173,"Ġinfinity":37174,"ĠPharmaceutical":37175,"ensional":37176,"Attempt":37177,"ĠRory":37178,"Marco":37179,"Ġawaits":37180,"HOW":37181,"treated":37182,"Ġbolst":37183,"Ġrevered":37184,"Ġpods":37185,"oppers":37186,"0010":37187,"Ġamplitude":37188,"rican":37189,"SPONSORED":37190,"Ġtrousers":37191,"Ġhalves":37192,"ĠKaine":37193,"ĠCutler":37194,"ĠAUTH":37195,"Ġsplendid":37196,"Ġpreventive":37197,"ĠDudley":37198,"ifacts":37199,"uminati":37200,"ĠYin":37201,"Ġadmon":37202,"ĠVag":37203,"Ġinverted":37204,"Ġhastily":37205,"ĠHague":37206,"Lyn":37207,"Ġledger":37208,"Ġastronomical":37209,"getting":37210,"Ġcirca":37211,"ĠCic":37212,"ĠTennis":37213,"Limited":37214,"Ġdru":37215,"ĠBYU":37216,"Ġtravellers":37217,"Ġpane":37218,"ĠIntro":37219,"Ġpatiently":37220,"Ġaiding":37221,"Ġloos":37222,"ĠTough":37223,"Ġ293":37224,"Ġconsumes":37225,"SourceFile":37226,"Ġ\"\"\"":37227,"Ġbonding":37228,"Ġtilted":37229,"Ġmenstrual":37230,"ĠCelestial":37231,"ULAR":37232,"Plugin":37233,"Ġrisking":37234,"Naz":37235,"ĠRiyadh":37236,"Ġaccredited":37237,"Ġskirm":37238,"éĽ":37239,"Ġexaminer":37240,"Ġmessing":37241,"Ġnearing":37242,"ĠChern":37243,"ĠBeckham":37244,"Ġswapped":37245,"Ġgoose":37246,"Kay":37247,"Ġlofty":37248,"ĠWallet":37249,"Ġ['":37250,"Ġapocalypse":37251,"Ġbamboo":37252,"ĠSPACE":37253,"ĠElena":37254,"Ġ306":37255,"acons":37256,"Ġtightened":37257,"Ġadolescence":37258,"Ġrainy":37259,"Ġvandalism":37260,"ĠNewtown":37261,"Ġconject":37262,"cakes":37263,"Ġcheated":37264,"Ġmoderators":37265,"params":37266,"EFF":37267,"Ġdeceit":37268,"ĠSTL":37269,"ĠTanzania":37270,"ĠRI":37271,"Ġ1923":37272,"ĠExile":37273,"thel":37274,"Ġtheolog":37275,"Ġquirky":37276,"ĠIrvine":37277,"Ġneedy":37278,"oris":37279,"Um":37280,"Ka":37281,"Ġmailbox":37282,"322":37283,"Ġbos":37284,"ĠPetra":37285,"KING":37286,"Ġenlarged":37287,"Often":37288,"Ġbadass":37289,"Ġ343":37290,"ĠPlaces":37291,"ĠCAD":37292,"Ġpristine":37293,"Ġintervening":37294,"direction":37295,"Ġlaz":37296,"ĠDSM":37297,"Ġprojecting":37298,"ĠFunk":37299,"agog":37300,"payment":37301,"nov":37302,"Ġchatter":37303,"ARB":37304,"Ġexaminations":37305,"ĠHousehold":37306,"ĠGus":37307,"Ford":37308,"414":37309,"Boss":37310,"Ġmystic":37311,"Ġleaps":37312,"ĠBav":37313,"ulz":37314,"budget":37315,"Football":37316,"Ġsubsidized":37317,"Ġfirsthand":37318,"Ġcoincide":37319,"ocular":37320,"Conn":37321,"ĠCollabor":37322,"Ġfools":37323,"amura":37324,"ahar":37325,"rists":37326,"Ġswollen":37327,"Ġexpended":37328,"ĠPau":37329,"sup":37330,"Ġspar":37331,"Ġkeynote":37332,"suff":37333,"Ġunequal":37334,"Ġprogressing":37335,"strings":37336,"ĠGamergate":37337,"Disney":37338,"ĠEleven":37339,"omnia":37340,"Ġscripted":37341,"Ġearners":37342,"brother":37343,"ĠEnabled":37344,"æ³":37345,"Ġlarvae":37346,"ĠLOC":37347,"mess":37348,"Wilson":37349,"ĠTemplate":37350,"successfully":37351,"Ġparamount":37352,"Ġcamouflage":37353,"Ġbinds":37354,"ĠQuiet":37355,"ĠShutterstock":37356,"rush":37357,"Ġmascot":37358,"fortune":37359,"ĠColt":37360,"ĠBeyon":37361,"habi":37362,"Ġhairc":37363,"Ġ267":37364,"ĠDeus":37365,"Ġtwitch":37366,"Ġconcentrating":37367,"Ġnipples":37368,"cible":37369,"Ġgir":37370,"NZ":37371,"Math":37372,"nih":37373,"Required":37374,"Ġponder":37375,"ĠSAN":37376,"Ġweddings":37377,"Ġloneliness":37378,"NES":37379,"ĠMahjong":37380,"695":37381,"addle":37382,"ĠGarner":37383,"ĠCOUR":37384,"Bridge":37385,"Ġspree":37386,"ĠCaldwell":37387,"Ġbribery":37388,"Ġ��������":37389,"plugins":37390,"Ġracket":37391,"Ġchampagne":37392,"versible":37393,"Vote":37394,"Ġmodifiers":37395,"Mayor":37396,"680":37397,"Ġassemblies":37398,"ĠSultan":37399,"ĠNing":37400,"ĠLadies":37401,"Ġsulfur":37402,"Ġorbs":37403,"Ġ-----":37404,"_______":37405,"ĠJournalism":37406,"Ġesports":37407,"Ġlush":37408,"Ġhue":37409,"Ġspectral":37410,"Honest":37411,"ãĥı":37412,"Ġbushes":37413,"Ġreinforcement":37414,"Ġreopened":37415,"ĠWheels":37416,"ĠMorg":37417,"rieving":37418,"Ġauxiliary":37419,"ĠjQuery":37420,"ĠBAT":37421,"tesque":37422,"Ġvertex":37423,"pure":37424,"frey":37425,"ãĤº":37426,"dos":37427,"Ġtyph":37428,"Ġcull":37429,"Ġeq":37430,"Ġdecon":37431,"Ġtossing":37432,"Ġdisparate":37433,"ĠBrigham":37434,"printf":37435,"ledged":37436,"Ġsund":37437,"Ġcozy":37438,"Ġhepatitis":37439,"performing":37440,"Ġaval":37441,"ĠGG":37442,"future":37443,"Ġpetertodd":37444,"ĠKosovo":37445,"Ġmagnets":37446,"Already":37447,"ĠEdison":37448,"ĠCeres":37449,"ĠRAID":37450,"Ġbrilliance":37451,"576":37452,"Ġderives":37453,"Ġhypertension":37454,"ĠÎĶ":37455,"Ġlambda":37456,"Ġflair":37457,"Ġmissionaries":37458,"Ġrapes":37459,"ĠStarter":37460,"ĠMonths":37461,"Ġdefy":37462,"Ġseismic":37463,"ĠRaphael":37464,"Ġeurozone":37465,"656":37466,"zsche":37467,"Ġscratched":37468,"Ġbows":37469,"ĠLennon":37470,"ĠGaia":37471,"Ġdripping":37472,"facts":37473,"Ale":37474,"Ġfrogs":37475,"ĠBreast":37476,"ogeneity":37477,"ĠProsecutor":37478,"Ġamplified":37479,"ĠHodg":37480,"ĠFn":37481,"Thousands":37482,"ĠNIH":37483,"ĠMonitoring":37484,"FTWARE":37485,"ĠPriebus":37486,"ĠGrowing":37487,"hunter":37488,"Ġdiagnose":37489,"ĠMald":37490,"ĠLR":37491,"Ġcrowned":37492,"Ġbursting":37493,"Ġdissolution":37494,"javascript":37495,"Ġusefulness":37496,"ĠExecution":37497,":(":37498,"ĠIvory":37499,"aah":37500,"Ġpersecuted":37501,"violence":37502,"istas":37503,"ĠCrate":37504,"Ġimpulses":37505,"ĠSpani":37506,"edes":37507,"Handle":37508,"ĠZerg":37509,"thinkable":37510,"Lastly":37511,"Ġspontaneously":37512,"Ġinconvenient":37513,"Ġdismissing":37514,"Ġplotted":37515,"Ġeighty":37516,"Ġ737":37517,"rish":37518,"ĠThornton":37519,"atham":37520,"Ġsitcom":37521,"Ven":37522,"Recipe":37523,"tel":37524,"lund":37525,"Ġclears":37526,"ĠSasuke":37527,"Ġ258":37528,"Ġopting":37529,"Ġenraged":37530,"esthetic":37531,"ĠAe":37532,"uchs":37533,"Prep":37534,"Flow":37535,"Ġrunoff":37536,"ĠEating":37537,"ĠGiles":37538,"ĠActing":37539,"resources":37540,"ibaba":37541,"Ġrpm":37542,"Ġskewed":37543,"ĠBlanc":37544,"ĠSakuya":37545,"Ġhotter":37546,"Ġ1924":37547,"opian":37548,"cko":37549,"Ġcrumbling":37550,"Ġcaptains":37551,"ĠAppropriations":37552,"leaders":37553,"dropping":37554,"anuts":37555,"Ġreversing":37556,"ĠPose":37557,"ĠSek":37558,"Scot":37559,"ĠIdea":37560,"cise":37561,"ĠSlovenia":37562,"Ġ317":37563,"Doctor":37564,"Ġcrocod":37565,"aldi":37566,"Sea":37567,"ĠFarrell":37568,"Ġmercenaries":37569,"ĠRNC":37570,"ĠGuess":37571,"Ġpacing":37572,"Machine":37573,"StreamerBot":37574,"ĠCharity":37575,"Ġ298":37576,"Ġcannons":37577,"ĠToby":37578,"TPPStreamerBot":37579,"ĠPassion":37580,"cfg":37581,"Thom":37582,"Ġbadges":37583,"ĠBernstein":37584,".âĢĵ":37585,"ĠPOP":37586,"ĠConj":37587,"Ġinitialization":37588,"Ġbiodiversity":37589,"Dub":37590,"Ġfeudal":37591,"Ġdisclaimer":37592,"Ġcrow":37593,"Ġignition":37594,"arf":37595,"SHA":37596,"ĠkHz":37597,"hazard":37598,"ĠArtists":37599,"oeuv":37600,"679":37601,"ĠRudy":37602,"Nine":37603,"ĠRamadan":37604,"å½":37605,"itto":37606,"Ġadrenaline":37607,"Cert":37608,"Ġsmelled":37609,"Ġimpunity":37610,"Ġagendas":37611,"ĠReborn":37612,"ĠConcent":37613,"ĠSeems":37614,"Ġomega":37615,"ĠDustin":37616,"Ġbacker":37617,"ĠSauce":37618,"ĠBoyle":37619,"WIN":37620,"Ġspins":37621,"Ġpauses":37622,"upt":37623,"Ġshredded":37624,"Ġstrapped":37625,"ĠCorruption":37626,"Ġscratches":37627,"Ġni":37628,"Ġattire":37629,"ĠSAF":37630,"FactoryReloaded":37631,"ĠIPS":37632,"Ġ(%":37633,"Ġseminar":37634,"focus":37635,"civil":37636,"Ġ1860":37637,"intosh":37638,"Ġcontinual":37639,"Ġabbrevi":37640,"ĠSok":37641,"ocobo":37642,"XM":37643,"Ġfrantic":37644,"Ġunavoidable":37645,"Ġartery":37646,"Ġannotations":37647,"bath":37648,"Climate":37649,"Ġdors":37650,"ĠSlide":37651,"coord":37652,"ĠReload":37653,"ĠLDL":37654,"ĠLovecraft":37655,"Ġunimagin":37656,"Ġresembled":37657,"Ġbarracks":37658,"np":37659,"Ġsurrogate":37660,"Ġcategorized":37661,"ãĤ©":37662,"Ġvaccinated":37663,"Ġdrainage":37664,"Ġindist":37665,"ĠWhatsApp":37666,"Ġ1870":37667,"olerance":37668,"invoke":37669,"amorph":37670,"Ġreconnect":37671,"Ġemanc":37672,"Ġblindness":37673,"Ġ1280":37674,"internet":37675,"collar":37676,"Ġaltru":37677,"Ġabyss":37678,"ĠTRI":37679,"657":37680,"Ġinfused":37681,"HEAD":37682,"Ġforestry":37683,"ĠWoody":37684,"ĠCi":37685,"wi":37686,"sam":37687,"784":37688,"holiday":37689,"Ġmogul":37690,"ĠFees":37691,"ĠDEN":37692,"Internal":37693,"urbed":37694,"fusc":37695,"atom":37696,"ĠIllusion":37697,"Ġpolled":37698,"Ġflap":37699,"Ġcoax":37700,"LGBT":37701,"Analy":37702,"ĠSections":37703,"ĠCaliforn":37704,"emn":37705,"Ġhither":37706,"ĠNIGHT":37707,"Ġnailed":37708,"ĠPipeline":37709,"391":37710,"oof":37711,"ĠPrimal":37712,"verend":37713,"Ġslashing":37714,"Ġretri":37715,"aviour":37716,"Ġdeparting":37717,"gil":37718,"ISC":37719,"Ġmidway":37720,"Ġultrasound":37721,"Ġbehaving":37722,"ĠTara":37723,"classes":37724,"Virtual":37725,"ĠColonial":37726,"Ġstripping":37727,"Ġorchestrated":37728,"ĠGraves":37729,"452":37730,"ĠIronically":37731,"ĠWriters":37732,"Ġlends":37733,"ĠManz":37734,"Ġraven":37735,"Ġoxidative":37736,"Ġ266":37737,"ELF":37738,"actually":37739,"ascar":37740,"Draft":37741,"Ġfavourable":37742,"Ġhumiliating":37743,"Ġfidelity":37744,"ĠHof":37745,"ĠXuan":37746,"496":37747,"Ġlayered":37748,"atis":37749,"790":37750,"Ġpaycheck":37751,"iton":37752,"Kar":37753,"ĠVMware":37754,"ĠFarmer":37755,"Ġservic":37756,"glomer":37757,"Ġslump":37758,"ĠFabric":37759,"ĠDOC":37760,"esting":37761,"Ġreassure":37762,"Ġphyl":37763,"volt":37764,"itory":37765,"Rules":37766,"Ġoxidation":37767,"Ġprized":37768,"Ġmistress":37769,"ĠDjango":37770,"WARN":37771,"åij":37772,"Ġencode":37773,"ĠFeedback":37774,"Ġstupidity":37775,"Ian":37776,"ĠYugoslavia":37777,"ר":37778,"acl":37779,"UTE":37780,"1977":37781,"Ġqualifies":37782,"Ġpulses":37783,"pretty":37784,"Ġfroze":37785,"Ġss":37786,"Iterator":37787,"Ġurgently":37788,"Ġmailed":37789,"ĠCham":37790,"Ġsustaining":37791,"Ġbasil":37792,"Ġpuppies":37793,"ilant":37794,"ĠPLEASE":37795,"lap":37796,"aceous":37797,"Fear":37798,"ĠMastery":37799,"automatic":37800,"ĠTAG":37801,"Ġantim":37802,"agles":37803,"473":37804,"frames":37805,"Ġwhispers":37806,"ĠWhoever":37807,"Ġbravery":37808,"ĠUKIP":37809,"ractions":37810,"\"\"\"":37811,"Ġtame":37812,"Ġparted":37813,"everything":37814,"CONT":37815,"Ġindebted":37816,"Ġaddr":37817,"rek":37818,"IRED":37819,"Ġeminent":37820,"clinton":37821,"Ġousted":37822,"Ġreviewer":37823,"Ġmeltdown":37824,"Ġrearr":37825,"ĠYao":37826,"thereal":37827,"abyte":37828,"Ġstumbling":37829,"Ġbatches":37830,"Ġ259":37831,"Ġcontraceptive":37832,"Ġprostitute":37833,"ensis":37834,"Decl":37835,"ĠStrikes":37836,"Military":37837,"ĠOath":37838,"vacc":37839,"ppings":37840,"052":37841,"ĠpartName":37842,"amping":37843,"Reports":37844,"KI":37845,"CHR":37846,"Ġsubtly":37847,"swers":37848,"Blake":37849,"usual":37850,"Ġcontestants":37851,"Ġcartridges":37852,"ĠGREAT":37853,"Ġblush":37854,"ĠâĢº":37855,"472":37856,"Ġreasoned":37857,"ãĥ¤":37858,"paralleled":37859,"Ġdyn":37860,"agate":37861,"Ġnightly":37862,"åĨ":37863,"556":37864,"Ġsemantic":37865,"ĠAdvoc":37866,"Ġ!!":37867,"Ġdisagrees":37868,"ĠBW":37869,"Veh":37870,"Ġharming":37871,"Ġembraces":37872,"Ġstrives":37873,"Ġinland":37874,"ĠKard":37875,"Ġheats":37876,"ĠGinny":37877,"utan":37878,"ernaut":37879,"ylene":37880,"ĠElev":37881,"JD":37882,"Ġhars":37883,"ĠStarr":37884,"Ġskysc":37885,"Ġcollaborators":37886,"Usually":37887,"Ġrevolutions":37888,"ĠSTATS":37889,"Ġdismantle":37890,"Ġconfidently":37891,"Ġkinetic":37892,"Ali":37893,"Ġpercentile":37894,"Ġextracting":37895,"illian":37896,"estead":37897,"Ġphysicists":37898,"ĠMarshal":37899,"Ġfellowship":37900,"Ġdashed":37901,"ĠUR":37902,"ĠSioux":37903,"ĠCompact":37904,"amide":37905,"Python":37906,"ĠLeigh":37907,"ĠPharmac":37908,"istrates":37909,"herical":37910,"Ġfue":37911,"ĠEmin":37912,"Ġ({":37913,"ĠNeighborhood":37914,"Ġdisrupting":37915,"ĠDup":37916,"Ġgland":37917,"ĠSev":37918,"ĠMarian":37919,"argon":37920,"ĠDund":37921,"Ġ":46904,"ĠPhilips":46905,"ĠKafka":46906,"Ġupheaval":46907,"Ġsentimental":46908,"Ġsax":46909,"ĠAkira":46910,"serial":46911,"Matrix":46912,"Ġelecting":46913,"Ġcommenter":46914,"ĠNebula":46915,"plets":46916,"ĠNadu":46917,"ĠAdren":46918,"Ġenshr":46919,"ĠRAND":46920,"financial":46921,"ĠClyde":46922,"utherford":46923,"Ġsignage":46924,"Ġdeline":46925,"Ġphosphate":46926,"roversial":46927,"fascist":46928,"ĠVall":46929,"ĠBethlehem":46930,"Ġfors":46931,"Ġenglish":46932,"Solid":46933,"Nature":46934,"Ġva":46935,"ĠGuests":46936,"Ġtantal":46937,"Ġautoimmune":46938,";;;;;;;;;;;;":46939,"ĠTotally":46940,"ĠOv":46941,"Ġdefences":46942,"ĠCoconut":46943,"Ġtranquil":46944,"Ġploy":46945,"Ġflavours":46946,"ĠFlask":46947,"ãĤ¨ãĥ«":46948,"ĠWeston":46949,"ĠVolvo":46950,"870":46951,"Ġmicrophones":46952,"verbal":46953,"RPG":46954,"Ġiii":46955,";}":46956,"028":46957,"Ġheadlined":46958,"Ġprimed":46959,"Ġhoard":46960,"ĠShad":46961,"ĠENTER":46962,"Ġtriangular":46963,"Ġcapit":46964,"lik":46965,"ĠAncients":46966,"Ġlash":46967,"Ġconvol":46968,"Ġcolonel":46969,"enemy":46970,"Gra":46971,"Ġpubs":46972,"utters":46973,"Ġassigns":46974,"ĠPenet":46975,"ĠMonstrous":46976,"ĠBowen":46977,"ilver":46978,"Haunted":46979,"ĠDing":46980,"started":46981,"plin":46982,"Ġcontaminants":46983,"ĠDOE":46984,"ffen":46985,"ĠTechnician":46986,"Ry":46987,"Ġrobbers":46988,"Ġhotline":46989,"ĠGuardiola":46990,"ĠKaufman":46991,"rower":46992,"ĠDresden":46993,"ĠAlpine":46994,"Elf":46995,"Ġfmt":46996,"ĠSard":46997,"urses":46998,"gpu":46999,"Unix":47000,"Ġunequivocally":47001,"ĠCitizenship":47002,"quad":47003,"mire":47004,"ĠSweeney":47005,"Battery":47006,"615":47007,"Ġpancakes":47008,"Ġoats":47009,"Maps":47010,"ĠContrast":47011,"mbudsman":47012,"ĠEPS":47013,"Ġsubcommittee":47014,"Ġsourcing":47015,"Ġsizing":47016,"ĠBuffer":47017,"ĠMandatory":47018,"Ġmoderates":47019,"ĠPatterns":47020,"ĠChocobo":47021,"ĠZan":47022,"ĠSTATES":47023,"ĠJudging":47024,"ĠInher":47025,"*:":47026,"Ġbil":47027,"ĠYen":47028,"Ġexhilar":47029,"ollower":47030,"zers":47031,"Ġsnug":47032,"maximum":47033,"Ġdespicable":47034,"ĠPACK":47035,"ĠAnnex":47036,"Ġsarcastic":47037,"Ġlatex":47038,"Ġtamp":47039,"ĠSao":47040,"bah":47041,"ĠReverend":47042,"ĠChinatown":47043,"ĠAUT":47044,"documented":47045,"ĠGABA":47046,"ĠCanaan":47047,"ĠÙħ":47048,"Ġgoverns":47049,"prev":47050,"Esc":47051,"ĠEstimates":47052,"OSP":47053,"Ġendeavour":47054,"ĠClosing":47055,"ometime":47056,"everyone":47057,"Ġworsen":47058,"Ġscanners":47059,"Ġdeviations":47060,"ĠRobotics":47061,"ĠCompton":47062,"Ġsorcerer":47063,"Ġendogenous":47064,"Ġemulation":47065,"ĠPiercing":47066,"ĠAph":47067,"ĠSocket":47068,"Ġbould":47069,"ĠOU":47070,"ĠBorderlands":47071,"Ġ1863":47072,"Gordon":47073,"ĠWTO":47074,"Ġrestricts":47075,"Ġmosaic":47076,"Ġmelodies":47077,"çĦ":47078,"Tar":47079,"Ġdisson":47080,"ĠProvides":47081,"Ġ......":47082,"bek":47083,"FIX":47084,"Ġbroom":47085,"anship":47086,"Doctors":47087,"Ġnerds":47088,"ĠRegions":47089,"naissance":47090,"Ġmete":47091,"Ġcrept":47092,"plings":47093,"Ġgirlfriends":47094,"knit":47095,"igent":47096,"owe":47097,"Ġushered":47098,"ĠBaz":47099,"Mobil":47100,"434":47101,"ĠPresents":47102,"origin":47103,"Ġinsomnia":47104,"ĠAux":47105,"439":47106,"ĠChili":47107,"irsch":47108,"GAME":47109,"Ġgestation":47110,"algia":47111,"romising":47112,"$,":47113,"crow":47114,"ĠInspection":47115,"atomic":47116,"Relations":47117,"JOHN":47118,"roman":47119,"ĠClockwork":47120,"ĠBakr":47121,"mone":47122,"MET":47123,"Ġthirsty":47124,"Ġbc":47125,"Ġfaculties":47126,"Rum":47127,"Ġnuance":47128,"ĠDarius":47129,"pleting":47130,"fters":47131,"etchup":47132,"Registration":47133,"ĠKE":47134,"Rah":47135,"Ġpreferential":47136,"ĠLash":47137,"ĠHH":47138,"Valid":47139,"ĠNAV":47140,"Ġstarve":47141,"ĠGong":47142,"zynski":47143,"ĠActress":47144,"Ġwik":47145,"Ġunaccompanied":47146,"lvl":47147,"Bride":47148,"ADS":47149,"ĠCommando":47150,"ĠVaughn":47151,"Wallet":47152,"Ġhopping":47153,"ĠVie":47154,"Ġcaveats":47155,"Ġalas":47156,"ifled":47157,"abuse":47158,"661":47159,"Ġibn":47160,"Ġgul":47161,"Ġrobbing":47162,"til":47163,"ILA":47164,"Ġmitigating":47165,"Ġaptly":47166,"Ġtyrant":47167,"Ġmidday":47168,"ĠGilmore":47169,"ĠDecker":47170,"Ġ§§":47171,"partial":47172,"Exactly":47173,"Ġphenotype":47174,"Ġ[+]":47175,"ĠPlex":47176,"ĠIps":47177,"versions":47178,"Ġebook":47179,"Ġchic":47180,"gross":47181,"\":\"\"},{\"":47182,"ĠSurprisingly":47183,"Morgan":47184,"Ġresidues":47185,"ĠConfederation":47186,"infeld":47187,"Ġlyr":47188,"moderate":47189,"Ġperpendicular":47190,"VK":47191,"Ġsynchronized":47192,"Ġrefreshed":47193,"Ġadore":47194,"ĠTorment":47195,"olina":47196,"Ġ2600":47197,"ItemTracker":47198,"Ġpies":47199,"ĠFAT":47200,"ĠRHP":47201,"048":47202,"ĠRESP":47203,"ĠBJ":47204,"allows":47205,"Pand":47206,"Ġunwelcome":47207,"ĠVoc":47208,"ĠBastard":47209,"ĠOW":47210,"ĠLAR":47211,"ĠHealer":47212,"Environmental":47213,"ĠKenyan":47214,"ĠTrance":47215,"ĠPats":47216,"Ġaliases":47217,"ĠGarfield":47218,"Ġcampaigner":47219,"Ġadvancements":47220,"ĠOkinawa":47221,"ĠCoh":47222,"owsky":47223,"Ġstarved":47224,"Ġsizeable":47225,"Ġ:-)":47226,"ĠmRNA":47227,"Ġsuspensions":47228,"istar":47229,"Scotland":47230,"Prin":47231,"------------------------------------------------":47232,"Ġ502":47233,"Ġteaspoons":47234,"Ġ1050":47235,"Ġcoercive":47236,"ĠMasonic":47237,"edded":47238,"ĠPassenger":47239,"Ġlatt":47240,"Ġbraces":47241,"ĠSteal":47242,"ĠNYT":47243,"ĠKats":47244,"ĠCelest":47245,"aez":47246,"Tu":47247,"ĠCoulter":47248,"ðŁĺ":47249,"Flickr":47250,"ĠWilmington":47251,"iths":47252,"++;":47253,"Ġvending":47254,"Ġnegro":47255,"ĠPhi":47256,"ĠYellowstone":47257,"Callback":47258,"Ġshampoo":47259,"ĠShades":47260,"wat":47261,"Ġsuperhuman":47262,"Ġridiculed":47263,"Ġholiest":47264,"ombo":47265,"Ġinterns":47266,"Ġhone":47267,"ĠParagu":47268,"URI":47269,"Ġdangling":47270,"ãĤ»":47271,"sov":47272,"ictional":47273,"availability":47274,"Ġrevocation":47275,"Ġdow":47276,"inic":47277,"ĠTHEIR":47278,"Ġiso":47279,"Ġoutings":47280,"ĠLethal":47281,"Ġ)))":47282,"Ġinaccur":47283,"Ġoutlandish":47284,"Ġanus":47285,"letico":47286,"idon":47287,"lol":47288,"Ġunregulated":47289,"Ġsuccumbed":47290,"Ġcuff":47291,"ĠWasteland":47292,"letal":47293,"Ġsubstr":47294,"Ġcoffers":47295,"Ġautomakers":47296,"ovi":47297,"ĠXue":47298,"ĠDaytona":47299,"Ġjarring":47300,"Ġfumes":47301,"Ġdisbanded":47302,"zik":47303,"itton":47304,"Ġstrikingly":47305,"Ġspores":47306,"Adapter":47307,".):":47308,"ĠLyndon":47309,"ivalry":47310,"Ġorally":47311,"Ġtumultuous":47312,"Ġdispleasure":47313,"Ġcones":47314,"orrect":47315,"Ġappease":47316,"Ġderby":47317,"ĠTripoli":47318,"ĠAless":47319,"Ġpoked":47320,"ĠGuilty":47321,"vP":47322,"Enough":47323,"Ġoriginals":47324,"699":47325,"Ġrabbi":47326,"Ġproverbial":47327,"Ġpostpone":47328,"elope":47329,"ĠMisty":47330,"Ġstaffed":47331,"ĠUnemployment":47332,"reditary":47333,"Ġdiligent":47334,"recomm":47335,"measures":47336,"asin":47337,"825":47338,"Ġponds":47339,"Ġmmol":47340,"ĠSAR":47341,"ĠCARE":47342,"Ġ371":47343,"Ġclenched":47344,"ĠCorsair":47345,"Ġcaricature":47346,"zn":47347,"attach":47348,"ĠSchro":47349,"speak":47350,"painted":47351,"ĠSuc":47352,"ĠENT":47353,"Ġcellul":47354,"ĠPaid":47355,"diagn":47356,"WHERE":47357,"Ġtexted":47358,"Barn":47359,"Ġretracted":47360,"ĠReferred":47361,"Sav":47362,"Ġupkeep":47363,"Ġworkplaces":47364,"ĠTokens":47365,"Ġamplify":47366,"clinical":47367,"Ġmultic":47368,"mberg":47369,"Ġconvoluted":47370,"Region":47371,"565":47372,"ĠTopic":47373,"Ġsnail":47374,"Ġsaline":47375,"Ġinsurrection":47376,"ĠPetr":47377,"forts":47378,"BAT":47379,"ĠNavajo":47380,"Ġrudimentary":47381,"ĠLaksh":47382,"ONDON":47383,"Measure":47384,"Ġtransformer":47385,"ĠGoddard":47386,"Ġcoincides":47387,"irin":47388,"Rex":47389,"ĠBok":47390,"quit":47391,"Ġshotguns":47392,"Ġproletarian":47393,"Ġscorp":47394,"ĠAda":47395,"514":47396,"Ġslander":47397,"recorded":47398,"Ġembell":47399,"risome":47400,"Ġapologizing":47401,"ĠMulcair":47402,"ĠGibraltar":47403,"Cla":47404,"Ġallot":47405,"ĠAttention":47406,"Ġ433":47407,"leave":47408,"Ġwhine":47409,"ĠIssa":47410,"ĠFaust":47411,"ĠBarron":47412,"heny":47413,"Ġvictimized":47414,"Jews":47415,"Ġnurturing":47416,"ettel":47417,"Winged":47418,"ĠSubtle":47419,"Ġflavorful":47420,"ĠReps":47421,"enged":47422,"callback":47423,"Ġdirectional":47424,"Ġclasp":47425,"ĠDirections":47426,"planet":47427,"iculture":47428,"Helper":47429,"icion":47430,"acia":47431,"Ġç¥ŀ":47432,"Ġsurges":47433,"Ġcanoe":47434,"ĠPremiership":47435,"been":47436,"Ġdefied":47437,"ĠTrooper":47438,"Ġtripod":47439,"Ġgasp":47440,"ĠEuph":47441,"ĠAds":47442,"vernight":47443,"highly":47444,"Role":47445,"Ġentangled":47446,"ĠZeit":47447,"618":47448,"ĠRusty":47449,"Ġhavens":47450,"ĠVaughan":47451,"HAEL":47452,"ĠSERVICE":47453,"/,":47454,"Ġstricken":47455,"Ġdelusions":47456,"Ġbis":47457,"ĠHaf":47458,"Ġgratification":47459,"Ġenticing":47460,"UNCH":47461,"Adams":47462,"ĠOLED":47463,"ĠBeetle":47464,"Ġ1899":47465,"ĠSOFTWARE":47466,"ategor":47467,"VL":47468,"ĠTotem":47469,"ĠGators":47470,"ATURES":47471,"Ġimpedance":47472,"Registered":47473,"ĠCary":47474,"ĠAerial":47475,"onne":47476,"enium":47477,"Ġdred":47478,"ĠBeg":47479,"Ġconcurrently":47480,"Ġsuperpower":47481,"ĠXan":47482,"jew":47483,"imester":47484,"ĠDickinson":47485,"âĶģ":47486,"Fla":47487,"Ġpree":47488,"ĠRollins":47489,"©¶æ":47490,"Ġdenomination":47491,"ĠLana":47492,"516":47493,"Ġinciting":47494,"scribed":47495,"juries":47496,"ĠWonders":47497,"approximately":47498,"Ġsuspending":47499,"Ġmountainous":47500,"ĠLaugh":47501,"oidal":47502,"Ns":47503,"Detect":47504,")=":47505,"ĠLuthor":47506,"ĠSchwarzenegger":47507,"ĠMuller":47508,"ĠDevi":47509,"ecycle":47510,"Jar":47511,"613":47512,"ĠLongh":47513,"Bah":47514,"ĠSPORTS":47515,"nw":47516,"Ġrefinement":47517,"Ġwaterways":47518,"Ġdiner":47519,"Blade":47520,"683":47521,"Fac":47522,"Ġinitials":47523,"Ġrog":47524,"Ġparanormal":47525,"BUT":47526,"Ġ[(":47527,"ĠSwanson":47528,"ĠMesh":47529,"âĸ¬":47530,"Improve":47531,"ĠRadiation":47532,"ĠEsther":47533,"ĠEsk":47534,"ĠAly":47535,"iky":47536,"Ġirrad":47537,"ĠBuckingham":47538,"Ġrefill":47539,"Ġ._":47540,"Repe":47541,"CONCLUS":47542,"Ġdifferentiated":47543,"Ġchirop":47544,"ĠAtkins":47545,"Pattern":47546,"Ġexcise":47547,"Ġcabal":47548,"NSA":47549,"ĠSTA":47550,"ĠSIL":47551,"ĠParaly":47552,"Ġrye":47553,"ĠHowell":47554,"ĠCountdown":47555,"nesses":47556,"alysed":47557,"Ġresize":47558,"ãĤ½":47559,"Ġbudgetary":47560,"ĠStras":47561,"wang":47562,"Ġapiece":47563,"Ġprecincts":47564,"Ġpeach":47565,"Ġskyline":47566,"Ġ353":47567,"popular":47568,"Appearances":47569,"ĠMechanics":47570,"ĠDevOnline":47571,"Sullivan":47572,"Zen":47573,"Ġpu":47574,"opolis":47575,"544":47576,"Ġdeform":47577,"Ġcounteract":47578,"ĠLange":47579,"Ġ417":47580,"Console":47581,"774":47582,"Ġnodding":47583,"Ġpopulism":47584,"Ġhep":47585,"Ġcounselling":47586,"compliance":47587,"UFF":47588,"Ġundeniably":47589,"Ġrailing":47590,"ĠHorowitz":47591,"ĠSimone":47592,"ĠBungie":47593,"Ġak":47594,"ĠTalks":47595,"xff":47596,"flake":47597,"Crash":47598,"Ġsweaty":47599,"Ġbanquet":47600,"ĠOFFIC":47601,"Ġinventive":47602,"Ġastronomer":47603,"ĠStamford":47604,"ĠScare":47605,"ĠGREEN":47606,"olicited":47607,"Ġrusher":47608,"Ġcentrist":47609,"ighting":47610,"Ġsubclass":47611,"Ġdisav":47612,"Ġdefund":47613,"ĠNanto":47614,"ociate":47615,"mast":47616,"Ġpacif":47617,"Ġmend":47618,"eers":47619,"immigration":47620,"ESSION":47621,"Ġnumbering":47622,"Ġlaughable":47623,"ĠEnded":47624,"viation":47625,"emark":47626,"Pitt":47627,"Ġmeticulous":47628,"ĠLF":47629,"Ġcongratulated":47630,"ĠBirch":47631,"Ġswayed":47632,"Ġsemifinals":47633,"Ġhumankind":47634,"matter":47635,"ĠEquip":47636,"opausal":47637,"Said":47638,"ĠLayout":47639,"Ġvoicing":47640,"Ġthug":47641,"Ġpornographic":47642,"IPS":47643,"Ġmoaning":47644,"Ġgrievance":47645,"Ġconfessions":47646,"escal":47647,"TEXTURE":47648,"Authent":47649,"osaurus":47650,"Purchase":47651,"Ġrelegation":47652,"alter":47653,"Ġ³³":47654,"Ġriddled":47655,"Ġogre":47656,"ĠLowell":47657,"Occup":47658,"Eat":47659,"ĠHyder":47660,"ĠAdviser":47661,"Commerce":47662,"Hunt":47663,"ĠOrth":47664,"ĠCompetitive":47665,"ĠCLA":47666,"CDC":47667,"Ġsalads":47668,"Fle":47669,"Ġindustrialized":47670,"`,":47671,"ĠOWN":47672,"Ġbeck":47673,"ĠParticularly":47674,"oubt":47675,"ĠmM":47676,"ĠHussain":47677,"ĠChennai":47678,"Ġ920":47679,"Ġappointing":47680,"ĠCullen":47681,",,,,,,,,":47682,"Ġpores":47683,"verified":47684,"Ġbiochemical":47685,"emate":47686,"Ġcowardly":47687,"ĠHelsinki":47688,"ĠEthiopian":47689,"SOURCE":47690,"ERC":47691,"estro":47692,"Ġbiotech":47693,"ĠSour":47694,"Ġbrewer":47695,"Bloomberg":47696,"Ġintensify":47697,"Glass":47698,"anco":47699,"ĠFDR":47700,"greSQL":47701,"ĠFires":47702,"©¶æ¥µ":47703,"eco":47704,"1001":47705,"ĠHomeless":47706,"Ġinstantaneous":47707,"ĠHaste":47708,"igel":47709,"Diamond":47710,"Ġpaving":47711,"Ġlandfill":47712,"Ġdads":47713,"houn":47714,":]":47715,"Ġincendiary":47716,"ĠLivingston":47717,"ĠHilbert":47718,"ĠChecks":47719,"styles":47720,"inators":47721,"ĠClive":47722,"phrine":47723,"Ġchimpanzees":47724,"Ġpall":47725,"ĠJM":47726,"ĠAadhaar":47727,"ðĿ":47728,"Ġachievable":47729,"disabled":47730,"PET":47731,"OOOOOOOO":47732,"Mot":47733,"Ġintangible":47734,"Ġballet":47735,"ĠWebs":47736,"ĠEstimated":47737,"Effects":47738,"Ġbailed":47739,"Joshua":47740,"Ġturbulence":47741,"Ġoccupant":47742,"ĠDaylight":47743,"Ġ361":47744,"meet":47745,"Ġstatically":47746,"Ġonlook":47747,"Ġki":47748,"illegal":47749,"Ġvelvet":47750,"Ġdehydration":47751,"Ġacquies":47752,"ĠRez":47753,"akura":47754,"ĠUpton":47755,"atro":47756,"Ġincomprehensible":47757,"Ġbackdoor":47758,"ĠRhino":47759,"727":47760,"Ġmaths":47761,")+":47762,"Ġheresy":47763,"Ġdf":47764,"ĠRoche":47765,"ĠLydia":47766,"Ġpancreat":47767,"reply":47768,"arrell":47769,"Ġsolicitation":47770,"Ġcircadian":47771,"BIP":47772,"Ġforay":47773,"Ġcryptic":47774,"izu":47775,"imeo":47776,"ĠTomato":47777,"ĠHoms":47778,"examination":47779,"Ġquarry":47780,"ĠValiant":47781,"ĠJericho":47782,"ĠINCLUD":47783,"Ġ1840":47784,"519":47785,"Ġresists":47786,"Ġsnapshots":47787,"ĠSpur":47788,"ĠAntiqu":47789,"Login":47790,"Ġbestselling":47791,"Ġantic":47792,"ĠSutherland":47793,"ãĤ¢ãĥ«":47794,"Ġ~/":47795,"ĠParm":47796,"èĥ":47797,"Pages":47798,"intensity":47799,"Ġimmobil":47800,"Ġ1865":47801,"zzo":47802,"Ġnifty":47803,"Ġfentanyl":47804,"ĠPreservation":47805,"ophen":47806,"Ġdarts":47807,"ĠDinosaur":47808,"pointers":47809,"ĠRite":47810,"suggest":47811,"awareness":47812,"ĠSheridan":47813,"Ġstances":47814,"Ġsorcery":47815,"Ġperjury":47816,"ĠNikola":47817,"iever":47818,"Ġfiance":47819,"ĠJordanian":47820,"ĠBalloon":47821,"Ġnab":47822,"Ġkb":47823,"Ġhumanities":47824,"ĠTanaka":47825,"hillary":47826,"Ġconsultancy":47827,"ĠZub":47828,"Ġremission":47829,"Ġconfid":47830,"CHQ":47831,"ĠFug":47832,"Ġimprovis":47833,"Yep":47834,"/_":47835,"Ġunwillingness":47836,"Ġportfolios":47837,"055":47838,"ĠInstructor":47839,"aiman":47840,"Ġclaimants":47841,"Mbps":47842,"ĠBye":47843,"received":47844,"Tweet":47845,"Ġindemn":47846,"riz":47847,"amara":47848,"Nat":47849,"Ġevaluates":47850,"ĠLur":47851,"epad":47852,"FOX":47853,"ĠThro":47854,"Ġrusty":47855,"Ġbedrock":47856,"ĠOprah":47857,"JB":47858,"Ġmanipulative":47859,"Ġwillful":47860,"Ġrelapse":47861,"Ġextant":47862,"Theme":47863,"Sensor":47864,"ĠStability":47865,"govern":47866,"Ġpoppy":47867,"Ġknack":47868,"Ġinsulated":47869,"ĠTile":47870,"ĠExtrem":47871,"Ġuntold":47872,"Ġconverge":47873,"Ġrefuel":47874,"igroup":47875,"Ġdistortions":47876,"Ġravaged":47877,"Ġmechanically":47878,"ĠReilly":47879,"ĠNose":47880,"ĠIncarnation":47881,"ĠBecky":47882,"abbling":47883,"Ġtaco":47884,"Ġrake":47885,"Ġmelancholy":47886,"Ġillustrious":47887,"ĠDartmouth":47888,"Guide":47889,"ĠRazer":47890,"ĠBenz":47891,"Ultimate":47892,"ĠSurprise":47893,"Ġpageant":47894,"offer":47895,"Whoever":47896,"Ġwiser":47897,"Ġchemist":47898,"ĠHELL":47899,"ĠBulk":47900,"Ġplutonium":47901,"ĠCOVER":47902,"Ö¼":47903,"failed":47904,"Ġtirelessly":47905,"Ġinfertility":47906,"ĠTrident":47907,"ĠShowtime":47908,"ĠCiv":47909,"Vice":47910,"requires":47911,"ittance":47912,"Ġuncontrolled":47913,"interesting":47914,"561":47915,"Ġinnovate":47916,"ategic":47917,"Lie":47918,"ĠSelling":47919,"Ul":47920,"Ġsavior":47921,"ĠTosh":47922,"Ġswast":47923,"PASS":47924,"Ġrink":47925,"Ġcardio":47926,"ĠIro":47927,"udi":47928,"Ġvantage":47929,"Ġvans":47930,"ĠNiño":47931,"+=":47932,"Ġpropagate":47933,"":49029,"Ġleukemia":49030,"Ġeluc":49031,"Ġannouncer":49032,"ĠLithuan":49033,"ĠArmageddon":49034,"åĩ":49035,"Lenin":49036,"ĠRuk":49037,"Ġpepp":49038,"ĠRomantic":49039,"ĠPIT":49040,"ĠInterstellar":49041,"ĠAtkinson":49042,"Raid":49043,"Js":49044,"Goal":49045,"Course":49046,"Ġvanishing":49047,"esley":49048,"ĠRounds":49049,"Elsa":49050,"593":49051,"Ġredundancy":49052,"ĠSTAND":49053,"Ġprophetic":49054,"Ġhabitable":49055,"ryu":49056,"Ġfaintly":49057,"MODE":49058,"Ġflanked":49059,"IRC":49060,"Awesome":49061,"Ġspurious":49062,"ĠZah":49063,"ĠMSG":49064,"Ġshading":49065,"Ġmotivational":49066,"ĠSantana":49067,"ĠSPR":49068,"Ġexcruciating":49069,"omial":49070,"ĠMiko":49071,"ĠLeopard":49072,"Abyss":49073,"Ġ[|":49074,"dirty":49075,"Ġbaths":49076,"Ġdemoral":49077,"andre":49078,"PB":49079,"Ġunification":49080,"Ġsacrament":49081,"Ġ[&":49082,"Ġpriceless":49083,"Ġgelatin":49084,"Ġemanating":49085,"ĠAllaah":49086,"986":49087,"Ġoutburst":49088,"Ġeras":49089,"ĠXVI":49090,"ĠSPI":49091,"Ott":49092,"ĠLazarus":49093,"PLIED":49094,"Flying":49095,"blogs":49096,"Wisconsin":49097,"Raven":49098,"Ġrebate":49099,"Ġcreeps":49100,"ĠSpan":49101,"ĠPainter":49102,"ĠKira":49103,"ĠAmos":49104,"ĠCorvette":49105,"Consumer":49106,"ĠRecover":49107,"cki":49108,"Ġpesky":49109,"ĠInvention":49110,"Companies":49111,"Ġchallengers":49112,"ademic":49113,"ĠUkrainians":49114,"ĠNeurolog":49115,"ĠForsaken":49116,"Ġentrants":49117,"Ġembattled":49118,"Ġdefunct":49119,"ĠGlacier":49120,"Ġpoisons":49121,"ĠHorses":49122,"makes":49123,"ĠDirt":49124,"Ġ423":49125,"hhh":49126,"ĠTransformation":49127,"QUIRE":49128,"..................":49129,"Ġtraveller":49130,"ĠSexy":49131,"ĠKern":49132,"ipolar":49133,"Ġransomware":49134,"oooooooooooooooo":49135,"Ec":49136,"ruby":49137,"Professional":49138,"ĠOutbreak":49139,"argument":49140,"Grey":49141,"ĠFifa":49142,"ĠCHO":49143,"ĠFORM":49144,"ĠAmtrak":49145,"-[":49146,"Ġcradle":49147,"Ġantioxidants":49148,"ãģ®å®":49149,"736":49150,"ĠNASL":49151,"ĠContributions":49152,"Indiana":49153,"ĠSTEP":49154,"CSS":49155,"Ġsalient":49156,"Ġallocations":49157,"yrights":49158,"Ġmashed":49159,"ĠCutter":49160,"Sexual":49161,"Ġpounded":49162,"Ġfanbase":49163,"Ġcasc":49164,"ĠTransparency":49165,"Ġanalytic":49166,"ĠSummoner":49167,"×ŀ":49168,"ĠADC":49169,"detail":49170,"Ġvanquished":49171,"Ġcrabs":49172,"arie":49173,"Destroy":49174,"ĠSack":49175,"Ġtransistor":49176,"Alabama":49177,"ĠKoen":49178,"ĠFisheries":49179,"cone":49180,"Ġannexed":49181,"ĠMGM":49182,"esa":49183,"Ġfaked":49184,"ĠCongratulations":49185,"Ġhindered":49186,"Ġcorrectional":49187,"ĠITV":49188,"leeve":49189,"Ġinappropriately":49190,"licks":49191,"Ġtrespass":49192,"Ġpaws":49193,"Ġnegotiator":49194,"ĠChristensen":49195,"limits":49196,"ĠDianne":49197,"Ġelegance":49198,"ĠContracts":49199,"anke":49200,"Obj":49201,"Ġvigilance":49202,"Ġcastles":49203,"ĠNAD":49204,"ĠHolo":49205,"Ġemphatically":49206,"ĠTitus":49207,"ĠServing":49208,"ĠRichie":49209,"ĠPigs":49210,"568":49211,"Ġanimosity":49212,"ĠAttributes":49213,"ĠUriel":49214,"MQ":49215,"myra":49216,"ĠApplicant":49217,"Ġpsychiatrists":49218,"ĠVij":49219,"ĠAbby":49220,"agree":49221,"Push":49222,"ĠkWh":49223,"hiba":49224,"Ġincite":49225,"ĠWeasley":49226,"ĠTaxi":49227,"ministic":49228,"hyper":49229,"ĠFarn":49230,"Ġ601":49231,"ĠNationwide":49232,"Fake":49233,"952":49234,"Ġmaize":49235,"Ġinteracted":49236,"Ġtransitioned":49237,"Ġparasitic":49238,"Ġharmonic":49239,"Ġdecaying":49240,"Ġbaseless":49241,"nsics":49242,"Ġtranspired":49243,"Ġabundantly":49244,"ĠForensic":49245,"Ġtreadmill":49246,"ĠJav":49247,"aband":49248,"Ġsshd":49249,"Ġfrontman":49250,"ĠJakarta":49251,"oller":49252,"drops":49253,"ĠSERVICES":49254,"romptu":49255,"ophical":49256,"hospital":49257,"bledon":49258,"645":49259,"Ġmidrange":49260,"ĠEVENT":49261,"culated":49262,"rawled":49263,"Ġperched":49264,"Ġoverboard":49265,"ĠPeel":49266,"ĠPwr":49267,"ĠCarth":49268,"ĠCOMPLE":49269,"coe":49270,"shall":49271,"Ġdeterrence":49272,"METHOD":49273,"ĠAbsent":49274,"MEN":49275,"Ġsill":49276,"ĠLEVEL":49277,"York":49278,"Ġsinners":49279,"ĠOPEC":49280,"ĠNur":49281,"ĠDesigns":49282,"selection":49283,"Ġunworthy":49284,"CHA":49285,"Ġstrengthens":49286,"883":49287,"edly":49288,"Ġslicing":49289,"Ġmalnutrition":49290,"Ġfilmmaking":49291,"ĠPolk":49292,"urated":49293,"Ġ421":49294,"breakers":49295,"!'\"":49296,"Ġwetlands":49297,"ĠDiscrimination":49298,"Ġallowable":49299,"Ġsteered":49300,"ĠSicily":49301,"SAM":49302,"Ġmustache":49303,"Ġmids":49304,"Ġclipped":49305,"Ġcirculate":49306,"Ġbrittle":49307,"ĠBuildings":49308,"raised":49309,"ĠRoundup":49310,"Ġwealthier":49311,"Ġoverwrite":49312,"Ġoverpowered":49313,"ĠGerrard":49314,"sites":49315,"PDATED":49316,"Ġacutely":49317,"ĠGamble":49318,"Ġpim":49319,"ĠKus":49320,"Typically":49321,"Deploy":49322,"ĠMoroccan":49323,"potion":49324,"combe":49325,"Ġvigilante":49326,"Ġ363":49327,"Stew":49328,"ĠBagg":49329,"Ġresided":49330,"ĠSpo":49331,"Ġremnant":49332,"Ġemptiness":49333,"brainer":49334,"Ġoutpatient":49335,"priority":49336,"Ġleptin":49337,"ĠPayton":49338,"ĠGleaming":49339,"ĠShed":49340,"ĠPolo":49341,"ĠMormonism":49342,"restricted":49343,"arlane":49344,"wx":49345,"Ġcreatine":49346,"ĠAnon":49347,"ĠSTUD":49348,"ĠJUL":49349,"ĠTee":49350,"528":49351,"089":49352,"Ġhatched":49353,"Dispatch":49354,"ĠComposite":49355,"Ġ451":49356,"puff":49357,"ĠXCOM":49358,"ĠOrn":49359,"ĠTHANK":49360,"ENDED":49361,"ĠAsheville":49362,"ĠÃľ":49363,"Ġmango":49364,"ĠSlightly":49365,"worldly":49366,"ĠWander":49367,"ĠExpand":49368,"ĠChr":49369,"Mist":49370,"Ġorthodoxy":49371,"ĠUNESCO":49372,"regate":49373,"Elsewhere":49374,"kie":49375,"irled":49376,"Ġtopple":49377,"Ġadoptive":49378,"ĠLegs":49379,"dress":49380,"ĠSagan":49381,"bare":49382,"ĠGlou":49383,"Crunch":49384,"Ġhelpers":49385,"Ġchronically":49386,"ĠHuma":49387,"10000":49388,"Ġaccommodating":49389,"äºĶ":49390,"Ġwrinkles":49391,"Ġdodged":49392,"fourth":49393,"Ġprecon":49394,"Ġcompressor":49395,"ĠKare":49396,"Ġevict":49397,"ĠWarwick":49398,"imar":49399,"Ġmodernization":49400,"Ġbandwagon":49401,"Ġrefuted":49402,"Ġnetted":49403,"ĠNaples":49404,"ĠGenie":49405,"perors":49406,"Ġfielded":49407,"Ġdere":49408,"ĠParables":49409,"lees":49410,"Ġtrout":49411,"aspers":49412,"Ġnihil":49413,"Ġhappiest":49414,"Ġfloppy":49415,"ĠLoft":49416,"ĠHeard":49417,"Ġunison":49418,"Ġlug":49419,"ĠRedmond":49420,"classic":49421,"Supporters":49422,"SHIP":49423,"GMT":49424,"Ġfuelled":49425,"çIJ":49426,"Ġdd":49427,"ĠEminem":49428,"Ġ1897":49429,"NYSE":49430,"Ġsecretaries":49431,"ĠFIA":49432,"ĠCanaveral":49433,"Favorite":49434,"Ġpomp":49435,"Ġdetainee":49436,"ership":49437,"aimon":49438,"iour":49439,"ĠApex":49440,"Ġplantations":49441,"amia":49442,"acion":49443,"Rust":49444,"Ġtowed":49445,"ĠTruly":49446,"577":49447,"Ġsheltered":49448,"rider":49449,"Wo":49450,"Ġlair":49451,"ĠIntelligent":49452,"improve":49453,"matically":49454,"Ġetiquette":49455,"adra":49456,"allo":49457,"ĠJuno":49458,"anything":49459,"ĠStruggle":49460,"ĠPredict":49461,"ĠGrimes":49462,"ĠAMERICA":49463,"ctx":49464,"ĠSituation":49465,"WOOD":49466,"Ġsoluble":49467,"meier":49468,"Ġintolerable":49469,"angering":49470,"Ġuninterrupted":49471,"Ġtooltip":49472,"Ġinterrogated":49473,"Ġgunned":49474,"ĠSneak":49475,"æŃ¦":49476,"Ġtether":49477,"Ġcrumble":49478,"Lens":49479,"Ġclustered":49480,"ĠSyl":49481,"ĠHasan":49482,"Ġdystopian":49483,"wana":49484,"Ġjoystick":49485,"ĠThib":49486,"ammu":49487,"Tomorrow":49488,"546":49489,"Ġovercame":49490,"Ġminimized":49491,"ceptor":49492,"Runner":49493,"ENGTH":49494,"ĠBrenda":49495,"ĠAchievements":49496,"Ġtorches":49497,"Ġrapport":49498,"ĠInvestigator":49499,"ĠHandling":49500,"relation":49501,"grey":49502,"815":49503,"Ġkcal":49504,"ĠCommands":49505,"dq":49506,"Ġcurls":49507,"Ġbearer":49508,"Ġcynicism":49509,"itri":49510,"ĠUseful":49511,"Bee":49512,"DCS":49513,"Ġabras":49514,"Pract":49515,"BILITIES":49516,"712":49517,"Ġdebugger":49518,"Ġdebtor":49519,"ĠLia":49520,"ĠKers":49521,"Ġexacerbate":49522,"ĠStacy":49523,"ĠBland":49524,"ĠScenes":49525,"Ġbranching":49526,"âĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪ":49527,"apeake":49528,"Ġsalsa":49529,"Ġmishand":49530,"ĠKonami":49531,"ĠNib":49532,"Ġanecdote":49533,"Ġagreeable":49534,"Ïī":49535,"ĠNathaniel":49536,"ĠHeisman":49537,"ĠBeware":49538,"Ġ1886":49539,"spective":49540,"691":49541,"522":49542,"Ġinhibits":49543,"Ġhashing":49544,"Ġ1889":49545,"å°Ĩ":49546,"vich":49547,"Pure":49548,"Ġsolidly":49549,"Ġaspirin":49550,"imaru":49551,"Ġstreetcar":49552,"ĠUCS":49553,"ĠJudd":49554,"Ġflashbacks":49555,"pins":49556,"Ġ1440":49557,"ĠUNHCR":49558,"ĠSymptoms":49559,"TIT":49560,"538":49561,"Fra":49562,"%);":49563,"Ġooz":49564,"Ġcurfew":49565,"Ġcalmed":49566,"Ġparticipates":49567,"TeX":49568,"Ġnonsensical":49569,"Ġfullback":49570,"ĠDeL":49571,"monkey":49572,"hari":49573,"Ġmetabolites":49574,"Ġlooted":49575,"ĠALWAYS":49576,"ĠBCC":49577,"Lt":49578,"ochet":49579,"Bone":49580,"Ġvetoed":49581,"Ġgcc":49582,"ĠCLICK":49583,"Ġ1888":49584,"saf":49585,"Ġstiffness":49586,"Ġlowly":49587,"ĠGeh":49588,"verson":49589,"orset":49590,"Ġunforeseen":49591,"Ġanesthesia":49592,"ĠOptical":49593,"Ġreconstructed":49594,"ĠTup":49595,"shows":49596,"NEWS":49597,"ĠNewspaper":49598,"ĠASA":49599,"tera":49600,"Numbers":49601,"Ġinexplicable":49602,"×ij":49603,"Ġhardness":49604,"untarily":49605,"ĠAcer":49606,"gradient":49607,"ARDIS":49608,"Ġwoodland":49609,"Ġmetaphors":49610,"ĠWembley":49611,"ĠPavel":49612,"philis":49613,"Ġrewriting":49614,"Ġperceptual":49615,"Ġ1070":49616,"worms":49617,"ĠDowns":49618,"Ġunsurprisingly":49619,"Ġtagging":49620,"flame":49621,"Ġlitres":49622,"Ġbounces":49623,"ĠBabe":49624,"shut":49625,"Ġoverdoses":49626,"ĠSheila":49627,"ĠChau":49628,"ĠBless":49629,"Capture":49630,"ĠSignificant":49631,"ĠScion":49632,"Ġ389":49633,"ĠMcH":49634,"ĠTitanium":49635,"ĠMeal":49636,"ameda":49637,"agents":49638,"aggressive":49639,"Billy":49640,"763":49641,"ĠSaying":49642,"DERR":49643,"itone":49644,"Collins":49645,"Bound":49646,"Ġbolted":49647,"ĠDMCA":49648,"953":49649,"Ġuniqueness":49650,"Ġepigen":49651,"unci":49652,"antam":49653,"Ġreckoning":49654,"chairs":49655,"OGR":49656,"ĠSenegal":49657,"Ġ1862":49658,"relevant":49659,"Ġ¯":49660,"Ġpharmacies":49661,"ĠGeral":49662,"vier":49663,"Yan":49664,"ORPG":49665,"Ġrabid":49666,"bending":49667,"ĠUNITED":49668,"Ġ465":49669,"Assembly":49670,"Ġweep":49671,"Ġbehest":49672,"ĠMothers":49673,"ĠJace":49674,"hid":49675,"Ġwhirlwind":49676,"ĠUNIVERS":49677,"Ġutopian":49678,"Ġkidnap":49679,"Philipp":49680,"Kin":49681,"893":49682,"Ġlivestream":49683,"ĠMISS":49684,"Ġsubversive":49685,"ĠTechniques":49686,"ĠJUSTICE":49687,"ĠBASE":49688,"Ġ387":49689,"Ġassailants":49690,"ĠHardcore":49691,"Ġsprinkled":49692,"ĠPse":49693,"éļ":49694,"printed":49695,"ĠHau":49696,"ORGE":49697,"ĠTOUR":49698,"Ġlaced":49699,"Ġitch":49700,"Giving":49701,"Ġported":49702,"781":49703,"////////////////////////////////":49704,"breeding":49705,"Ġlogger":49706,"ĠHOL":49707,"innie":49708,"Firstly":49709,"Ġembryonic":49710,"Ġdelegated":49711,"pai":49712,"OIL":49713,"Ġcentrally":49714,"ĠRx":49715,"ĠScouting":49716,"Dutch":49717,"Ġhereditary":49718,"ĠCruiser":49719,"sat":49720,"529":49721,"ĠMarriott":49722,"othermal":49723,"Ġprohibitions":49724,"Earn":49725,"ĠStab":49726,"ĠColleges":49727,"ĠBelief":49728,"stretched":49729,"ĠLH":49730,"ĠEntityItem":49731,"CIA":49732,"Ġunrem":49733,"Ġlaureate":49734,"Ġdenominations":49735,"summary":49736,"hler":49737,"Spect":49738,"ĠKlaus":49739,"ĠBeans":49740,"Ġinsur":49741,"ĠPAX":49742,"Ġfielder":49743,"ĠVet":49744,"ĠSparrow":49745,"zie":49746,"ĠSQ":49747,"ĠMondays":49748,"ĠOffline":49749,"ĠLerner":49750,"ĠExtensions":49751,"Ireland":49752,"Ġpatronage":49753,"Ġcontrasted":49754,"ĠMania":49755,"hirt":49756,"Moscow":49757,"Ġcondemns":49758,"ĠAnge":49759,"Ġcomposing":49760,"ĠPepe":49761,"ĠPaddock":49762,"Ġheterogeneity":49763,"Ġideologically":49764,"Ġfishes":49765,"Ġcursing":49766,"ĠRutherford":49767,"ĠFloating":49768,"ĠAmelia":49769,"Tea":49770,"Synopsis":49771,"Ġstunts":49772,"Ġbead":49773,"Ġstocking":49774,"ĠMILL":49775,"obook":49776,"massive":49777,"\\<":49778,"Ġhump":49779,"ĠPreferences":49780,"EngineDebug":49781,"geist":49782,"ĠNieto":49783,"omever":49784,"ishy":49785,"evaluate":49786,"colonial":49787,"Alternative":49788,"ĠGoPro":49789,"ĠVortex":49790,"ĠNETWORK":49791,"ansky":49792,"Secure":49793,"ĠThrust":49794,"Snake":49795,"Ġparcels":49796,"Ġsamurai":49797,"Ġactresses":49798,"Nap":49799,"MF":49800,"iferation":49801,"Beer":49802,"523":49803,"ĠIly":49804,"ointment":49805,"Ping":49806,"Ġstriped":49807,"ĠMellon":49808,"ossession":49809,"Ġneutron":49810,"endium":49811,"Ġaph":49812,"ĠFlavoring":49813,"Ġ383":49814,"Ġresponsiveness":49815,"ĠJindal":49816,"ĠHitchcock":49817,"Denver":49818,"ĠDRAGON":49819,"smanship":49820,"ĠDupl":49821,"Ġsly":49822,"Ġwebcam":49823,"ĠTwain":49824,"ĠDarling":49825,"iliate":49826,"consumer":49827,"DIT":49828,"Ġnamesake":49829,"Ġunorthodox":49830,"Ġfuner":49831,"ĠPLoS":49832,"ĠCONTROL":49833,"ozyg":49834,"oglobin":49835,"FACE":49836,"ERG":49837,"ĠDia":49838,"ĠFiesta":49839,"cele":49840,"034":49841,"Ġenclave":49842,"âĸ¬âĸ¬":49843,"onement":49844,"alist":49845,"Mand":49846,"Ġhomegrown":49847,"ĠFancy":49848,"Ġconceptions":49849,"ĠContains":49850,"ureen":49851,"Ġreiterate":49852,"Ġmeager":49853,"Ġinstallments":49854,"Spawn":49855,"627":49856,"Ġphotoc":49857,"ĠCabrera":49858,"ĠRosenthal":49859,"ĠLansing":49860,"isner":49861,"Ġinvests":49862,"ĠUFOs":49863,"EXP":49864,"Hardware":49865,"Ġtragically":49866,"Ġconcedes":49867,"ieft":49868,"cham":49869,"borgh":49870,"ĠSchr":49871,"ĠMelanie":49872,"ĠHoy":49873,"Ġvisitation":49874,"Ġidiosyncr":49875,"Ġfractions":49876,"Ġforeskin":49877,"obos":49878,"Ġpoaching":49879,"ĠVIEW":49880,"Ġstimulates":49881,"ĠGork":49882,"canon":49883,"MIC":49884,"ĠNemesis":49885,"ĠIndra":49886,"ĠDMV":49887,"Ġ529":49888,"Ġinspecting":49889,"Ġgrandma":49890,"ĠWhedon":49891,"ĠShant":49892,"ĠPurg":49893,"ikan":49894,"ĠTeg":49895,"ĠCLR":49896,"zac":49897,"Victoria":49898,"ĠVerify":49899,"ionics":49900,"Ġpartying":49901,"ĠMou":49902,"colour":49903,"Ġtestimonies":49904,"lations":49905,"Ġpressuring":49906,"hiro":49907,"acers":49908,"Ġfid":49909,"angler":49910,"ĠCSI":49911,"Ġhereafter":49912,"Ġdissidents":49913,"reporting":49914,"iphany":49915,"chev":49916,"Ġsolitude":49917,"Ġlobe":49918,"Ġindis":49919,"Ġcredential":49920,"recent":49921,"adult":49922,"ĠNirvana":49923,"ĠFranchise":49924,"Layer":49925,"Hyp":49926,"ĠBerkshire":49927,"Ġwills":49928,"tif":49929,"Ġtotem":49930,"ĠJudah":49931,"repair":49932,"Instant":49933,"548":49934,"Ġembassies":49935,"Ġbottleneck":49936,"Ġbount":49937,"Ġtypew":49938,"ĠAlvin":49939,"jing":49940,"imilar":49941,"Rush":49942,"Ġbrim":49943,"ĠHELP":49944,"Aim":49945,"]'":49946,"Ġpassively":49947,"Ġbounded":49948,"ĠRated":49949,"Ġcriminality":49950,"Ġbiomark":49951,"Ġdispatcher":49952,"ĠTowards":49953,"Ġ+++":49954,"righteous":49955,"frog":49956,"ĠPanc":49957,"Carter":49958,"032":49959,"æ©Ł":49960,"Ġultraviolet":49961,"ĠLicensed":49962,"ĠTata":49963,"ĠBlessing":49964,"ĠGAM":49965,"Ġchemically":49966,"ĠSeaf":49967,"ĠRELE":49968,"ĠMercenary":49969,"capitalist":49970,"Ġformulations":49971,"Ġannihilation":49972,"ĠVerb":49973,"ĠArgon":49974,"Ġunloaded":49975,"Ġmorphed":49976,"Ġconquering":49977,"backer":49978,"IELD":49979,"Ġthefts":49980,"Ġfrontrunner":49981,"ĠRoyale":49982,"ĠFundamental":49983,"elight":49984,"Chip":49985,"necessary":49986,"ayn":49987,"ĠSlip":49988,"Ġ448":49989,"cerned":49990,"Pause":49991,"Ġshockingly":49992,"ĠABV":49993,"Ġcomposure":49994,"733":49995,"ĠMotorsport":49996,"ahime":49997,"Murray":49998,"Mach":49999,"Ġgrids":50000,"Ġdebian":50001,"Ġfurthermore":50002,"Ġdexterity":50003,"ĠCollections":50004,"oslov":50005,"ilage":50006,"bj":50007,"ĠMonteneg":50008,"ĠstrutConnector":50009,"Ġmassacres":50010,"Ġbriefs":50011,"fetched":50012,"uvian":50013,"olition":50014,"Failure":50015,"emonic":50016,"Ġflared":50017,"Ġclaimant":50018,"Ġcures":50019,"Ġgiveaways":50020,"ĠSubstance":50021,"alions":50022,"Ġcringe":50023,"ĠKul":50024,"Ġaristocracy":50025,"ĠUlster":50026,"olated":50027,"housing":50028,"ĠMIS":50029,"Ġglared":50030,"ĠWilhelm":50031,"needs":50032,"lambda":50033,"builders":50034,"ĠVIS":50035,"Ġradiator":50036,"ĠGhostbusters":50037,"Ġ436":50038,"actual":50039,"Ġherds":50040,"ça":50041,"watching":50042,"Ġcountering":50043,"Charge":50044,"Ġcharred":50045,"Ġwarheads":50046,"Ġiodine":50047,"ĠMacy":50048,"041":50049,"Ġdepartures":50050,"ĠSins":50051,"Ġdyed":50052,"ĠConcepts":50053,"gado":50054,"713":50055,"Ġquotations":50056,"Ġgist":50057,"ĠChristy":50058,"Ġantigen":50059,"ĠHemp":50060,"ĠDrawn":50061,"ĠBarg":50062,"ezvous":50063,"Ġpaternity":50064,"Ġardu":50065,"ĠAnchorage":50066,"ĠRik":50067,"Ġoverloaded":50068,"ĠUsername":50069,"ĠTammy":50070,"ĠNau":50071,"ĠCellular":50072,"Ġwaning":50073,"Ġrodent":50074,"ĠWorcester":50075,"ilts":50076,"ĠTad":50077,"Ġdwellings":50078,"Ġbullish":50079,"431":50080,"Ġretaliate":50081,"Ġmigraine":50082,"ĠChevron":50083,"CHECK":50084,"Ġdonkey":50085,"crim":50086,"SPA":50087,"ĠAnalog":50088,"Ġmarquee":50089,"ĠHaas":50090,"Bir":50091,"ĠGDDR":50092,"ĠDownloads":50093,"Ġwillpower":50094,"ĠForth":50095,"ĠRecorded":50096,"Ġimpossibility":50097,"ĠLogged":50098,"ĠFranks":50099,"ĠRatt":50100,"initions":50101,"Ġcleaners":50102,"Ġsorely":50103,"Ġflickering":50104,"ĠExamination":50105,"catching":50106,"alloween":50107,"Msg":50108,"Ġdunno":50109,"Fa":50110,"Ġdysph":50111,"crazy":50112,".''.":50113,"Ġmainline":50114,"Ġcs":50115,"Ġptr":50116,"ĠWally":50117,"igun":50118,"951":50119,"ĠBigfoot":50120,"fights":50121,"Ġretrieving":50122,"Jr":50123,"Ġduplication":50124,"ĠExplan":50125,"Ġrelational":50126,"Ġquaint":50127,"Ġbiscuits":50128,"Ġado":50129,"Ġshudder":50130,"Ġantidote":50131,"blooded":50132,"ksh":50133,"Ġsauces":50134,"Ġreinvest":50135,"Ġdispensary":50136,"ĠDiver":50137,"Ġ9000":50138,"student":50139,"Ġinsepar":50140,"escap":50141,"Ġtoddlers":50142,"ĠGPIO":50143,"ĠAssignment":50144,"headers":50145,"Ġlackluster":50146,"Ġaback":50147,"956":50148,"Ġtoolbar":50149,"745":50150,"Ġoust":50151,"Ġcontemplation":50152,"ĠPRESIDENT":50153,"Ġ458":50154,"======":50155,"Ġguaranteeing":50156,"ĠHeist":50157,"ĠCannes":50158,"Ͻ":50159,"Ġcollaborator":50160,"ĠAmp":50161,"Ġgou":50162,"ĠSHALL":50163,"stories":50164,"783":50165,"Ġmobilized":50166,"Ġbrood":50167,"ĠLU":50168,"ĠðŁij":50169,"Ġrefin":50170,"ĠAnthropology":50171,"vind":50172,"illi":50173,"Ġwarranties":50174,"ĠBabel":50175,"Ġswath":50176,"Ġcaches":50177,"Ġantagonists":50178,"artifacts":50179,"Ġhotly":50180,"ĠStarts":50181,"ĠGö":50182,"zag":50183,"!!!!!":50184,"Ġscourge":50185,"Ġconspiring":50186,"ruits":50187,"reverse":50188,"ĠSheen":50189,"ĠJesuit":50190,"ĠGiovanni":50191,"adies":50192,"Ġbuttocks":50193,"earcher":50194,"acan":50195,"Ġvolleyball":50196,"Ġshrouded":50197,"Ġscoreboard":50198,"bats":50199,"ĠIPM":50200,"Ġasses":50201,"Ġderegulation":50202,"ĠTelegram":50203,"ĠReboot":50204,"Ġ7000":50205,"ĠCanary":50206,"Ġkernels":50207,"ĠFrançois":50208,"ĠDuff":50209,"ĠPon":50210,"ĠLeica":50211,"ĠGarmin":50212,"Ġorphans":50213,"ĠClaudia":50214,"Ġcalendars":50215,"ĠLeilan":50216,"ento":50217,"Rocket":50218,"Ġbrunch":50219,"ĠHawking":50220,"ainers":50221,"Ġsensibilities":50222,"ĠkW":50223,"ĠKand":50224,"Ġreclaimed":50225,"Ġinterestingly":50226,"ש":50227,"romy":50228,"JM":50229,"ĠEnhancement":50230,"bush":50231,"Skip":50232,"Ġrappers":50233,"Ġgazing":50234,"pedia":50235,"athlon":50236,"Revolution":50237,"Ġsnipers":50238,"Ġreverted":50239,"Ġconglomerate":50240,"Terry":50241,"794":50242,"Ġharsher":50243,"Ġdesolate":50244,"ĠHitman":50245,"Commission":50246,"Ġ(/":50247,"â̦.\"":50248,"Compar":50249,"Ġamplification":50250,"ominated":50251,"Ġregress":50252,"ĠCollider":50253,"Ġinformants":50254,"Ġgazed":50255,"<|endoftext|>":50256} \ No newline at end of file diff --git a/Test-Images/0d930f0a-46f813a9-db3b137b-05142eef-eca3c5a7.jpg b/Test-Images/0d930f0a-46f813a9-db3b137b-05142eef-eca3c5a7.jpg new file mode 100644 index 0000000000000000000000000000000000000000..dadb5b2fbb372bab4117e1a6da0050d1fee99ff8 --- /dev/null +++ b/Test-Images/0d930f0a-46f813a9-db3b137b-05142eef-eca3c5a7.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f80804e8e2532e0bb3665c1790380728b67eb79f0fc4d6c0b9163d2596ea5ff3 +size 1930720 diff --git a/Test-Images/6ff741e9-6ea01eef-1bf10153-d1b6beba-590b6620.jpg b/Test-Images/6ff741e9-6ea01eef-1bf10153-d1b6beba-590b6620.jpg new file mode 100644 index 0000000000000000000000000000000000000000..2c31769f2c60b23849054b524241075ccc7a7c9f --- /dev/null +++ b/Test-Images/6ff741e9-6ea01eef-1bf10153-d1b6beba-590b6620.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c1aa5b4227347d97ace457c47d05f4df8aadc2df32b48ffac0dd4fe625f59ac +size 1772651 diff --git a/Test-Images/93681764-ec39480e-0518b12c-199850c2-f15118ab.jpg b/Test-Images/93681764-ec39480e-0518b12c-199850c2-f15118ab.jpg new file mode 100644 index 0000000000000000000000000000000000000000..f3359a7c7e62a64c3e083f8eab09a87d9147a08d --- /dev/null +++ b/Test-Images/93681764-ec39480e-0518b12c-199850c2-f15118ab.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c133343b1322cd385660c297657f864e0c1e905147088e8c514caa0225b978e +size 1744513 diff --git a/pytorch_grad_cam/Readme.md b/pytorch_grad_cam/Readme.md new file mode 100644 index 0000000000000000000000000000000000000000..2ddce6ae40f21a57a019e8f09b52e7ff41a27d3a --- /dev/null +++ b/pytorch_grad_cam/Readme.md @@ -0,0 +1,29 @@ +#### Grad-CAM visualization of any VisionEncoderDecoder model + +# Step 1: Open /pytorch_grad_cam folder and make sure that in init.py all the CAM version is imported as the class name not the python file. For example + from pytorch_grad_cam.grad_cam import GradCAM +because when in the main python code (Grad_CAM_Visualization.py) we want to import every Class directly. + +# Step2: Open the main Grad-CAM code: Grad_CAM_Visualization.py and edit the following function according to your model. +# "def reshape_transform(tensor, height=14, width=14): + result = tensor[:, 1:, :].reshape(tensor.size(0), + height, width, tensor.size(2)) + result = result.transpose(2, 3).transpose(1, 2) +# return result" +here as the resized image tensor was [150,528] which should be equivalent to the reshaped transform of [1,14,14,768] +## The error message should be like this if any mismatch: + RuntimeError: shape '[1, 16, 16, 768]' is invalid for input of size 150528 + +# Step 3: Choose your desired model from (DeIT_Base16_Pretrained with ImageNeT, Customized VisionTransformer, Dino_Base16_Pretrained with ImageNeT, My customized DeiT-CXR model, My customized EfficientNet model, and ##VisionEncoderDecoder Model) + +# Step 4: Open base_cam.py file and go to the "forward" function of Class BaseCAM. + Write extra line "outputs = outputs.pooler_output" for ##VisionEncoderDecoder Model as we need to take the tensor of pooler_output of the model configuration. Follow the comment line as well. + +# Step 5: Then follow the comments in the Grad_CAM_Visualization.py: + use model.encoder instead of model for ## VisionEncoderDecoder Model + use different target_layers for different model + target_layers = [model.encoder.encoder.layer[-1].layernorm_before] for ## VisionEncoderDecoder Model + +# Step 6: Change the image_path and output_path accordingly + +# Step 7: Run python Grad_CAM_Visualization.py --use-cuda --image-path "directory/image_path" --method "any grad-cam method defined in the code" \ No newline at end of file diff --git a/pytorch_grad_cam/__init__.py b/pytorch_grad_cam/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..4d6e8f3e952cd024a6af7895ddce8aa241dab026 --- /dev/null +++ b/pytorch_grad_cam/__init__.py @@ -0,0 +1,20 @@ +from pytorch_grad_cam.grad_cam import GradCAM +from pytorch_grad_cam.hirescam import HiResCAM +from pytorch_grad_cam.grad_cam_elementwise import GradCAMElementWise +from pytorch_grad_cam.ablation_layer import AblationLayer, AblationLayerVit, AblationLayerFasterRCNN +from pytorch_grad_cam.ablation_cam import AblationCAM +from pytorch_grad_cam.xgrad_cam import XGradCAM +from pytorch_grad_cam.grad_cam_plusplus import GradCAMPlusPlus +from pytorch_grad_cam.score_cam import ScoreCAM +from pytorch_grad_cam.layer_cam import LayerCAM +from pytorch_grad_cam.eigen_cam import EigenCAM +from pytorch_grad_cam.eigen_grad_cam import EigenGradCAM +from pytorch_grad_cam.random_cam import RandomCAM +from pytorch_grad_cam.fullgrad_cam import FullGrad +from pytorch_grad_cam.guided_backprop import GuidedBackpropReLUModel +from pytorch_grad_cam.activations_and_gradients import ActivationsAndGradients +from pytorch_grad_cam.feature_factorization.deep_feature_factorization import DeepFeatureFactorization, run_dff_on_image +import pytorch_grad_cam.utils.model_targets +import pytorch_grad_cam.utils.reshape_transforms +import pytorch_grad_cam.metrics.cam_mult_image +import pytorch_grad_cam.metrics.road diff --git a/pytorch_grad_cam/__pycache__/__init__.cpython-39.pyc b/pytorch_grad_cam/__pycache__/__init__.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8831d4cd5270e64e5d9e9fada2a8d305c0eeeb29 Binary files /dev/null and b/pytorch_grad_cam/__pycache__/__init__.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/ablation_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/ablation_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f0327f818b4d65f7a5c62f7ae24596a416f7cccd Binary files /dev/null and b/pytorch_grad_cam/__pycache__/ablation_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/ablation_layer.cpython-39.pyc b/pytorch_grad_cam/__pycache__/ablation_layer.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0148c3f42053f80cdb09e0724d2b787fbd9b2efa Binary files /dev/null and b/pytorch_grad_cam/__pycache__/ablation_layer.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/activations_and_gradients.cpython-39.pyc b/pytorch_grad_cam/__pycache__/activations_and_gradients.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d7d34b9d8951af2ea882fed1979f27e25211b44a Binary files /dev/null and b/pytorch_grad_cam/__pycache__/activations_and_gradients.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/base_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/base_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..14c725de9753aa5f7d5f5d6a4732d100a9d96cf4 Binary files /dev/null and b/pytorch_grad_cam/__pycache__/base_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/eigen_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/eigen_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d425f97a986763cf9b5438231aa6838ea378e6c6 Binary files /dev/null and b/pytorch_grad_cam/__pycache__/eigen_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/eigen_grad_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/eigen_grad_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6e940981f19a3ee53817c0732a0c94f803502aee Binary files /dev/null and b/pytorch_grad_cam/__pycache__/eigen_grad_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/fullgrad_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/fullgrad_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..bb1efa5a6deccbe04e8fb9e6822d4099d192ddee Binary files /dev/null and b/pytorch_grad_cam/__pycache__/fullgrad_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/grad_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/grad_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..4baf82d74edce1ef7de9104b2464352b265c2c87 Binary files /dev/null and b/pytorch_grad_cam/__pycache__/grad_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/grad_cam_elementwise.cpython-39.pyc b/pytorch_grad_cam/__pycache__/grad_cam_elementwise.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..db11cd577d9e85c7211371d412b29d31e40900db Binary files /dev/null and b/pytorch_grad_cam/__pycache__/grad_cam_elementwise.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/grad_cam_plusplus.cpython-39.pyc b/pytorch_grad_cam/__pycache__/grad_cam_plusplus.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3725be476481a1fd3656d9be1a4bdee38d6476ba Binary files /dev/null and b/pytorch_grad_cam/__pycache__/grad_cam_plusplus.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/guided_backprop.cpython-39.pyc b/pytorch_grad_cam/__pycache__/guided_backprop.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5c130a9084dbcdd1ab0e92bd56118bf483e646a5 Binary files /dev/null and b/pytorch_grad_cam/__pycache__/guided_backprop.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/hirescam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/hirescam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..39f1cf800ea797d8eef4a44c28b29885eadf75f3 Binary files /dev/null and b/pytorch_grad_cam/__pycache__/hirescam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/layer_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/layer_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..117e5b20101aafae5ba299c2f4a5d6326cec2393 Binary files /dev/null and b/pytorch_grad_cam/__pycache__/layer_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/random_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/random_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9c593ef81c0dc9145a2ab18207efa02136df442c Binary files /dev/null and b/pytorch_grad_cam/__pycache__/random_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/score_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/score_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..af9b54e4cf1944a50b6d618e870c0731ff8d256c Binary files /dev/null and b/pytorch_grad_cam/__pycache__/score_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/__pycache__/xgrad_cam.cpython-39.pyc b/pytorch_grad_cam/__pycache__/xgrad_cam.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..a51e0a3ea3d5deafea4cd9de122c81ca2dc44bae Binary files /dev/null and b/pytorch_grad_cam/__pycache__/xgrad_cam.cpython-39.pyc differ diff --git a/pytorch_grad_cam/ablation_cam.py b/pytorch_grad_cam/ablation_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..77e65fc78960f4869068ca92ccf51299159978df --- /dev/null +++ b/pytorch_grad_cam/ablation_cam.py @@ -0,0 +1,148 @@ +import numpy as np +import torch +import tqdm +from typing import Callable, List +from pytorch_grad_cam.base_cam import BaseCAM +from pytorch_grad_cam.utils.find_layers import replace_layer_recursive +from pytorch_grad_cam.ablation_layer import AblationLayer + + +""" Implementation of AblationCAM +https://openaccess.thecvf.com/content_WACV_2020/papers/Desai_Ablation-CAM_Visual_Explanations_for_Deep_Convolutional_Network_via_Gradient-free_Localization_WACV_2020_paper.pdf + +Ablate individual activations, and then measure the drop in the target score. + +In the current implementation, the target layer activations is cached, so it won't be re-computed. +However layers before it, if any, will not be cached. +This means that if the target layer is a large block, for example model.featuers (in vgg), there will +be a large save in run time. + +Since we have to go over many channels and ablate them, and every channel ablation requires a forward pass, +it would be nice if we could avoid doing that for channels that won't contribute anwyay, making it much faster. +The parameter ratio_channels_to_ablate controls how many channels should be ablated, using an experimental method +(to be improved). The default 1.0 value means that all channels will be ablated. +""" + + +class AblationCAM(BaseCAM): + def __init__(self, + model: torch.nn.Module, + target_layers: List[torch.nn.Module], + use_cuda: bool = False, + reshape_transform: Callable = None, + ablation_layer: torch.nn.Module = AblationLayer(), + batch_size: int = 32, + ratio_channels_to_ablate: float = 1.0) -> None: + + super(AblationCAM, self).__init__(model, + target_layers, + use_cuda, + reshape_transform, + uses_gradients=False) + self.batch_size = batch_size + self.ablation_layer = ablation_layer + self.ratio_channels_to_ablate = ratio_channels_to_ablate + + def save_activation(self, module, input, output) -> None: + """ Helper function to save the raw activations from the target layer """ + self.activations = output + + def assemble_ablation_scores(self, + new_scores: list, + original_score: float, + ablated_channels: np.ndarray, + number_of_channels: int) -> np.ndarray: + """ Take the value from the channels that were ablated, + and just set the original score for the channels that were skipped """ + + index = 0 + result = [] + sorted_indices = np.argsort(ablated_channels) + ablated_channels = ablated_channels[sorted_indices] + new_scores = np.float32(new_scores)[sorted_indices] + + for i in range(number_of_channels): + if index < len(ablated_channels) and ablated_channels[index] == i: + weight = new_scores[index] + index = index + 1 + else: + weight = original_score + result.append(weight) + + return result + + def get_cam_weights(self, + input_tensor: torch.Tensor, + target_layer: torch.nn.Module, + targets: List[Callable], + activations: torch.Tensor, + grads: torch.Tensor) -> np.ndarray: + + # Do a forward pass, compute the target scores, and cache the + # activations + handle = target_layer.register_forward_hook(self.save_activation) + with torch.no_grad(): + outputs = self.model(input_tensor) + handle.remove() + original_scores = np.float32( + [target(output).cpu().item() for target, output in zip(targets, outputs)]) + + # Replace the layer with the ablation layer. + # When we finish, we will replace it back, so the original model is + # unchanged. + ablation_layer = self.ablation_layer + replace_layer_recursive(self.model, target_layer, ablation_layer) + + number_of_channels = activations.shape[1] + weights = [] + # This is a "gradient free" method, so we don't need gradients here. + with torch.no_grad(): + # Loop over each of the batch images and ablate activations for it. + for batch_index, (target, tensor) in enumerate( + zip(targets, input_tensor)): + new_scores = [] + batch_tensor = tensor.repeat(self.batch_size, 1, 1, 1) + + # Check which channels should be ablated. Normally this will be all channels, + # But we can also try to speed this up by using a low + # ratio_channels_to_ablate. + channels_to_ablate = ablation_layer.activations_to_be_ablated( + activations[batch_index, :], self.ratio_channels_to_ablate) + number_channels_to_ablate = len(channels_to_ablate) + + for i in tqdm.tqdm( + range( + 0, + number_channels_to_ablate, + self.batch_size)): + if i + self.batch_size > number_channels_to_ablate: + batch_tensor = batch_tensor[:( + number_channels_to_ablate - i)] + + # Change the state of the ablation layer so it ablates the next channels. + # TBD: Move this into the ablation layer forward pass. + ablation_layer.set_next_batch( + input_batch_index=batch_index, + activations=self.activations, + num_channels_to_ablate=batch_tensor.size(0)) + score = [target(o).cpu().item() + for o in self.model(batch_tensor)] + new_scores.extend(score) + ablation_layer.indices = ablation_layer.indices[batch_tensor.size( + 0):] + + new_scores = self.assemble_ablation_scores( + new_scores, + original_scores[batch_index], + channels_to_ablate, + number_of_channels) + weights.extend(new_scores) + + weights = np.float32(weights) + weights = weights.reshape(activations.shape[:2]) + original_scores = original_scores[:, None] + weights = (original_scores - weights) / original_scores + + # Replace the model back to the original state + replace_layer_recursive(self.model, ablation_layer, target_layer) + return weights diff --git a/pytorch_grad_cam/ablation_cam_multilayer.py b/pytorch_grad_cam/ablation_cam_multilayer.py new file mode 100644 index 0000000000000000000000000000000000000000..9b9dc806d845422e594bd0082dc718b947c593f2 --- /dev/null +++ b/pytorch_grad_cam/ablation_cam_multilayer.py @@ -0,0 +1,136 @@ +import cv2 +import numpy as np +import torch +import tqdm +from pytorch_grad_cam.base_cam import BaseCAM + + +class AblationLayer(torch.nn.Module): + def __init__(self, layer, reshape_transform, indices): + super(AblationLayer, self).__init__() + + self.layer = layer + self.reshape_transform = reshape_transform + # The channels to zero out: + self.indices = indices + + def forward(self, x): + self.__call__(x) + + def __call__(self, x): + output = self.layer(x) + + # Hack to work with ViT, + # Since the activation channels are last and not first like in CNNs + # Probably should remove it? + if self.reshape_transform is not None: + output = output.transpose(1, 2) + + for i in range(output.size(0)): + + # Commonly the minimum activation will be 0, + # And then it makes sense to zero it out. + # However depending on the architecture, + # If the values can be negative, we use very negative values + # to perform the ablation, deviating from the paper. + if torch.min(output) == 0: + output[i, self.indices[i], :] = 0 + else: + ABLATION_VALUE = 1e5 + output[i, self.indices[i], :] = torch.min( + output) - ABLATION_VALUE + + if self.reshape_transform is not None: + output = output.transpose(2, 1) + + return output + + +def replace_layer_recursive(model, old_layer, new_layer): + for name, layer in model._modules.items(): + if layer == old_layer: + model._modules[name] = new_layer + return True + elif replace_layer_recursive(layer, old_layer, new_layer): + return True + return False + + +class AblationCAM(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super(AblationCAM, self).__init__(model, target_layers, use_cuda, + reshape_transform) + + if len(target_layers) > 1: + print( + "Warning. You are usign Ablation CAM with more than 1 layers. " + "This is supported only if all layers have the same output shape") + + def set_ablation_layers(self): + self.ablation_layers = [] + for target_layer in self.target_layers: + ablation_layer = AblationLayer(target_layer, + self.reshape_transform, indices=[]) + self.ablation_layers.append(ablation_layer) + replace_layer_recursive(self.model, target_layer, ablation_layer) + + def unset_ablation_layers(self): + # replace the model back to the original state + for ablation_layer, target_layer in zip( + self.ablation_layers, self.target_layers): + replace_layer_recursive(self.model, ablation_layer, target_layer) + + def set_ablation_layer_batch_indices(self, indices): + for ablation_layer in self.ablation_layers: + ablation_layer.indices = indices + + def trim_ablation_layer_batch_indices(self, keep): + for ablation_layer in self.ablation_layers: + ablation_layer.indices = ablation_layer.indices[:keep] + + def get_cam_weights(self, + input_tensor, + target_category, + activations, + grads): + with torch.no_grad(): + outputs = self.model(input_tensor).cpu().numpy() + original_scores = [] + for i in range(input_tensor.size(0)): + original_scores.append(outputs[i, target_category[i]]) + original_scores = np.float32(original_scores) + + self.set_ablation_layers() + + if hasattr(self, "batch_size"): + BATCH_SIZE = self.batch_size + else: + BATCH_SIZE = 32 + + number_of_channels = activations.shape[1] + weights = [] + + with torch.no_grad(): + # Iterate over the input batch + for tensor, category in zip(input_tensor, target_category): + batch_tensor = tensor.repeat(BATCH_SIZE, 1, 1, 1) + for i in tqdm.tqdm(range(0, number_of_channels, BATCH_SIZE)): + self.set_ablation_layer_batch_indices( + list(range(i, i + BATCH_SIZE))) + + if i + BATCH_SIZE > number_of_channels: + keep = number_of_channels - i + batch_tensor = batch_tensor[:keep] + self.trim_ablation_layer_batch_indices(self, keep) + score = self.model(batch_tensor)[:, category].cpu().numpy() + weights.extend(score) + + weights = np.float32(weights) + weights = weights.reshape(activations.shape[:2]) + original_scores = original_scores[:, None] + weights = (original_scores - weights) / original_scores + + # replace the model back to the original state + self.unset_ablation_layers() + return weights diff --git a/pytorch_grad_cam/ablation_layer.py b/pytorch_grad_cam/ablation_layer.py new file mode 100644 index 0000000000000000000000000000000000000000..b404f3be6390690235f7dc4f1b615fa4770c56d4 --- /dev/null +++ b/pytorch_grad_cam/ablation_layer.py @@ -0,0 +1,155 @@ +import torch +from collections import OrderedDict +import numpy as np +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection + + +class AblationLayer(torch.nn.Module): + def __init__(self): + super(AblationLayer, self).__init__() + + def objectiveness_mask_from_svd(self, activations, threshold=0.01): + """ Experimental method to get a binary mask to compare if the activation is worth ablating. + The idea is to apply the EigenCAM method by doing PCA on the activations. + Then we create a binary mask by comparing to a low threshold. + Areas that are masked out, are probably not interesting anyway. + """ + + projection = get_2d_projection(activations[None, :])[0, :] + projection = np.abs(projection) + projection = projection - projection.min() + projection = projection / projection.max() + projection = projection > threshold + return projection + + def activations_to_be_ablated( + self, + activations, + ratio_channels_to_ablate=1.0): + """ Experimental method to get a binary mask to compare if the activation is worth ablating. + Create a binary CAM mask with objectiveness_mask_from_svd. + Score each Activation channel, by seeing how much of its values are inside the mask. + Then keep the top channels. + + """ + if ratio_channels_to_ablate == 1.0: + self.indices = np.int32(range(activations.shape[0])) + return self.indices + + projection = self.objectiveness_mask_from_svd(activations) + + scores = [] + for channel in activations: + normalized = np.abs(channel) + normalized = normalized - normalized.min() + normalized = normalized / np.max(normalized) + score = (projection * normalized).sum() / normalized.sum() + scores.append(score) + scores = np.float32(scores) + + indices = list(np.argsort(scores)) + high_score_indices = indices[::- + 1][: int(len(indices) * + ratio_channels_to_ablate)] + low_score_indices = indices[: int( + len(indices) * ratio_channels_to_ablate)] + self.indices = np.int32(high_score_indices + low_score_indices) + return self.indices + + def set_next_batch( + self, + input_batch_index, + activations, + num_channels_to_ablate): + """ This creates the next batch of activations from the layer. + Just take corresponding batch member from activations, and repeat it num_channels_to_ablate times. + """ + self.activations = activations[input_batch_index, :, :, :].clone( + ).unsqueeze(0).repeat(num_channels_to_ablate, 1, 1, 1) + + def __call__(self, x): + output = self.activations + for i in range(output.size(0)): + # Commonly the minimum activation will be 0, + # And then it makes sense to zero it out. + # However depending on the architecture, + # If the values can be negative, we use very negative values + # to perform the ablation, deviating from the paper. + if torch.min(output) == 0: + output[i, self.indices[i], :] = 0 + else: + ABLATION_VALUE = 1e7 + output[i, self.indices[i], :] = torch.min( + output) - ABLATION_VALUE + + return output + + +class AblationLayerVit(AblationLayer): + def __init__(self): + super(AblationLayerVit, self).__init__() + + def __call__(self, x): + output = self.activations + output = output.transpose(1, len(output.shape) - 1) + for i in range(output.size(0)): + + # Commonly the minimum activation will be 0, + # And then it makes sense to zero it out. + # However depending on the architecture, + # If the values can be negative, we use very negative values + # to perform the ablation, deviating from the paper. + if torch.min(output) == 0: + output[i, self.indices[i], :] = 0 + else: + ABLATION_VALUE = 1e7 + output[i, self.indices[i], :] = torch.min( + output) - ABLATION_VALUE + + output = output.transpose(len(output.shape) - 1, 1) + + return output + + def set_next_batch( + self, + input_batch_index, + activations, + num_channels_to_ablate): + """ This creates the next batch of activations from the layer. + Just take corresponding batch member from activations, and repeat it num_channels_to_ablate times. + """ + repeat_params = [num_channels_to_ablate] + \ + len(activations.shape[:-1]) * [1] + self.activations = activations[input_batch_index, :, :].clone( + ).unsqueeze(0).repeat(*repeat_params) + + +class AblationLayerFasterRCNN(AblationLayer): + def __init__(self): + super(AblationLayerFasterRCNN, self).__init__() + + def set_next_batch( + self, + input_batch_index, + activations, + num_channels_to_ablate): + """ Extract the next batch member from activations, + and repeat it num_channels_to_ablate times. + """ + self.activations = OrderedDict() + for key, value in activations.items(): + fpn_activation = value[input_batch_index, + :, :, :].clone().unsqueeze(0) + self.activations[key] = fpn_activation.repeat( + num_channels_to_ablate, 1, 1, 1) + + def __call__(self, x): + result = self.activations + layers = {0: '0', 1: '1', 2: '2', 3: '3', 4: 'pool'} + num_channels_to_ablate = result['pool'].size(0) + for i in range(num_channels_to_ablate): + pyramid_layer = int(self.indices[i] / 256) + index_in_pyramid_layer = int(self.indices[i] % 256) + result[layers[pyramid_layer]][i, + index_in_pyramid_layer, :, :] = -1000 + return result diff --git a/pytorch_grad_cam/activations_and_gradients.py b/pytorch_grad_cam/activations_and_gradients.py new file mode 100644 index 0000000000000000000000000000000000000000..0c2071e59165e96d3ddd9b7cdef678a252720e63 --- /dev/null +++ b/pytorch_grad_cam/activations_and_gradients.py @@ -0,0 +1,46 @@ +class ActivationsAndGradients: + """ Class for extracting activations and + registering gradients from targetted intermediate layers """ + + def __init__(self, model, target_layers, reshape_transform): + self.model = model + self.gradients = [] + self.activations = [] + self.reshape_transform = reshape_transform + self.handles = [] + for target_layer in target_layers: + self.handles.append( + target_layer.register_forward_hook(self.save_activation)) + # Because of https://github.com/pytorch/pytorch/issues/61519, + # we don't use backward hook to record gradients. + self.handles.append( + target_layer.register_forward_hook(self.save_gradient)) + + def save_activation(self, module, input, output): + activation = output + + if self.reshape_transform is not None: + activation = self.reshape_transform(activation) + self.activations.append(activation.cpu().detach()) + + def save_gradient(self, module, input, output): + if not hasattr(output, "requires_grad") or not output.requires_grad: + # You can only register hooks on tensor requires grad. + return + + # Gradients are computed in reverse order + def _store_grad(grad): + if self.reshape_transform is not None: + grad = self.reshape_transform(grad) + self.gradients = [grad.cpu().detach()] + self.gradients + + output.register_hook(_store_grad) + + def __call__(self, x): + self.gradients = [] + self.activations = [] + return self.model(x) + + def release(self): + for handle in self.handles: + handle.remove() diff --git a/pytorch_grad_cam/base_cam.py b/pytorch_grad_cam/base_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..95699cf0cd88ca628dab829479021e03c4406b28 --- /dev/null +++ b/pytorch_grad_cam/base_cam.py @@ -0,0 +1,205 @@ +import numpy as np +import torch +import ttach as tta +from typing import Callable, List, Tuple +from pytorch_grad_cam.activations_and_gradients import ActivationsAndGradients +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection +from pytorch_grad_cam.utils.image import scale_cam_image +from pytorch_grad_cam.utils.model_targets import ClassifierOutputTarget + + +class BaseCAM: + def __init__(self, + model: torch.nn.Module, + target_layers: List[torch.nn.Module], + use_cuda: bool = False, + reshape_transform: Callable = None, + compute_input_gradient: bool = False, + uses_gradients: bool = True) -> None: + self.model = model.eval() + self.target_layers = target_layers + self.cuda = use_cuda + if self.cuda: + self.model = model.cuda() + self.reshape_transform = reshape_transform + self.compute_input_gradient = compute_input_gradient + self.uses_gradients = uses_gradients + self.activations_and_grads = ActivationsAndGradients( + self.model, target_layers, reshape_transform) + + """ Get a vector of weights for every channel in the target layer. + Methods that return weights channels, + will typically need to only implement this function. """ + + def get_cam_weights(self, + input_tensor: torch.Tensor, + target_layers: List[torch.nn.Module], + targets: List[torch.nn.Module], + activations: torch.Tensor, + grads: torch.Tensor) -> np.ndarray: + raise Exception("Not Implemented") + + def get_cam_image(self, + input_tensor: torch.Tensor, + target_layer: torch.nn.Module, + targets: List[torch.nn.Module], + activations: torch.Tensor, + grads: torch.Tensor, + eigen_smooth: bool = False) -> np.ndarray: + + weights = self.get_cam_weights(input_tensor, + target_layer, + targets, + activations, + grads) + weighted_activations = weights[:, :, None, None] * activations + if eigen_smooth: + cam = get_2d_projection(weighted_activations) + else: + cam = weighted_activations.sum(axis=1) + return cam + + def forward(self, + input_tensor: torch.Tensor, + targets: List[torch.nn.Module], + eigen_smooth: bool = False) -> np.ndarray: + + if self.cuda: + input_tensor = input_tensor.cuda() + + if self.compute_input_gradient: + input_tensor = torch.autograd.Variable(input_tensor, + requires_grad=True) + + outputs = self.activations_and_grads(input_tensor) + outputs = outputs.pooler_output # Only for ViT-GPT2 or any other VisionEncoderDecoder model + print(outputs) + if targets is None: + target_categories = np.argmax(outputs.cpu().data.numpy(), axis=-1) #np.argmax(outputs.cpu().data.numpy(), axis=-1) + targets = [ClassifierOutputTarget( + category) for category in target_categories] + + if self.uses_gradients: + self.model.zero_grad() + loss = sum([target(output) + for target, output in zip(targets, outputs)]) + loss.backward(retain_graph=True) + + # In most of the saliency attribution papers, the saliency is + # computed with a single target layer. + # Commonly it is the last convolutional layer. + # Here we support passing a list with multiple target layers. + # It will compute the saliency image for every image, + # and then aggregate them (with a default mean aggregation). + # This gives you more flexibility in case you just want to + # use all conv layers for example, all Batchnorm layers, + # or something else. + cam_per_layer = self.compute_cam_per_layer(input_tensor, + targets, + eigen_smooth) + return self.aggregate_multi_layers(cam_per_layer) + + def get_target_width_height(self, + input_tensor: torch.Tensor) -> Tuple[int, int]: + width, height = input_tensor.size(-1), input_tensor.size(-2) + return width, height + + def compute_cam_per_layer( + self, + input_tensor: torch.Tensor, + targets: List[torch.nn.Module], + eigen_smooth: bool) -> np.ndarray: + activations_list = [a.cpu().data.numpy() + for a in self.activations_and_grads.activations] + grads_list = [g.cpu().data.numpy() + for g in self.activations_and_grads.gradients] + target_size = self.get_target_width_height(input_tensor) + + cam_per_target_layer = [] + # Loop over the saliency image from every layer + for i in range(len(self.target_layers)): + target_layer = self.target_layers[i] + layer_activations = None + layer_grads = None + if i < len(activations_list): + layer_activations = activations_list[i] + if i < len(grads_list): + layer_grads = grads_list[i] + + cam = self.get_cam_image(input_tensor, + target_layer, + targets, + layer_activations, + layer_grads, + eigen_smooth) + cam = np.maximum(cam, 0) + scaled = scale_cam_image(cam, target_size) + cam_per_target_layer.append(scaled[:, None, :]) + + return cam_per_target_layer + + def aggregate_multi_layers( + self, + cam_per_target_layer: np.ndarray) -> np.ndarray: + cam_per_target_layer = np.concatenate(cam_per_target_layer, axis=1) + cam_per_target_layer = np.maximum(cam_per_target_layer, 0) + result = np.mean(cam_per_target_layer, axis=1) + return scale_cam_image(result) + + def forward_augmentation_smoothing(self, + input_tensor: torch.Tensor, + targets: List[torch.nn.Module], + eigen_smooth: bool = False) -> np.ndarray: + transforms = tta.Compose( + [ + tta.HorizontalFlip(), + tta.Multiply(factors=[0.9, 1, 1.1]), + ] + ) + cams = [] + for transform in transforms: + augmented_tensor = transform.augment_image(input_tensor) + cam = self.forward(augmented_tensor, + targets, + eigen_smooth) + + # The ttach library expects a tensor of size BxCxHxW + cam = cam[:, None, :, :] + cam = torch.from_numpy(cam) + cam = transform.deaugment_mask(cam) + + # Back to numpy float32, HxW + cam = cam.numpy() + cam = cam[:, 0, :, :] + cams.append(cam) + + cam = np.mean(np.float32(cams), axis=0) + return cam + + def __call__(self, + input_tensor: torch.Tensor, + targets: List[torch.nn.Module] = None, + aug_smooth: bool = False, + eigen_smooth: bool = False) -> np.ndarray: + + # Smooth the CAM result with test time augmentation + if aug_smooth is True: + return self.forward_augmentation_smoothing( + input_tensor, targets, eigen_smooth) + + return self.forward(input_tensor, + targets, eigen_smooth) + + def __del__(self): + self.activations_and_grads.release() + + def __enter__(self): + return self + + def __exit__(self, exc_type, exc_value, exc_tb): + self.activations_and_grads.release() + if isinstance(exc_value, IndexError): + # Handle IndexError here... + print( + f"An exception occurred in CAM with block: {exc_type}. Message: {exc_value}") + return True diff --git a/pytorch_grad_cam/cam_mult_image.py b/pytorch_grad_cam/cam_mult_image.py new file mode 100644 index 0000000000000000000000000000000000000000..bd4bf8a2f733f6379d888c09e0589e54d9beb4c5 --- /dev/null +++ b/pytorch_grad_cam/cam_mult_image.py @@ -0,0 +1,37 @@ +import torch +import numpy as np +from typing import List, Callable +from pytorch_grad_cam.metrics.perturbation_confidence import PerturbationConfidenceMetric + + +def multiply_tensor_with_cam(input_tensor: torch.Tensor, + cam: torch.Tensor): + """ Multiply an input tensor (after normalization) + with a pixel attribution map + """ + return input_tensor * cam + + +class CamMultImageConfidenceChange(PerturbationConfidenceMetric): + def __init__(self): + super(CamMultImageConfidenceChange, + self).__init__(multiply_tensor_with_cam) + + +class DropInConfidence(CamMultImageConfidenceChange): + def __init__(self): + super(DropInConfidence, self).__init__() + + def __call__(self, *args, **kwargs): + scores = super(DropInConfidence, self).__call__(*args, **kwargs) + scores = -scores + return np.maximum(scores, 0) + + +class IncreaseInConfidence(CamMultImageConfidenceChange): + def __init__(self): + super(IncreaseInConfidence, self).__init__() + + def __call__(self, *args, **kwargs): + scores = super(IncreaseInConfidence, self).__call__(*args, **kwargs) + return np.float32(scores > 0) diff --git a/pytorch_grad_cam/eigen_cam.py b/pytorch_grad_cam/eigen_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..fd6d6bc1884181b3cad7d0ed51614a8be14e37b1 --- /dev/null +++ b/pytorch_grad_cam/eigen_cam.py @@ -0,0 +1,23 @@ +from pytorch_grad_cam.base_cam import BaseCAM +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection + +# https://arxiv.org/abs/2008.00299 + + +class EigenCAM(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super(EigenCAM, self).__init__(model, + target_layers, + use_cuda, + reshape_transform, + uses_gradients=False) + + def get_cam_image(self, + input_tensor, + target_layer, + target_category, + activations, + grads, + eigen_smooth): + return get_2d_projection(activations) diff --git a/pytorch_grad_cam/eigen_grad_cam.py b/pytorch_grad_cam/eigen_grad_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..3932a96d27b6019ed0f537688f0beb47d3c57e11 --- /dev/null +++ b/pytorch_grad_cam/eigen_grad_cam.py @@ -0,0 +1,21 @@ +from pytorch_grad_cam.base_cam import BaseCAM +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection + +# Like Eigen CAM: https://arxiv.org/abs/2008.00299 +# But multiply the activations x gradients + + +class EigenGradCAM(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super(EigenGradCAM, self).__init__(model, target_layers, use_cuda, + reshape_transform) + + def get_cam_image(self, + input_tensor, + target_layer, + target_category, + activations, + grads, + eigen_smooth): + return get_2d_projection(grads * activations) diff --git a/pytorch_grad_cam/feature_factorization/__init__.py b/pytorch_grad_cam/feature_factorization/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/pytorch_grad_cam/feature_factorization/__pycache__/__init__.cpython-39.pyc b/pytorch_grad_cam/feature_factorization/__pycache__/__init__.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..06625b3bca32eccac8ebe5cf574f674757557d41 Binary files /dev/null and b/pytorch_grad_cam/feature_factorization/__pycache__/__init__.cpython-39.pyc differ diff --git a/pytorch_grad_cam/feature_factorization/__pycache__/deep_feature_factorization.cpython-39.pyc b/pytorch_grad_cam/feature_factorization/__pycache__/deep_feature_factorization.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3da2e17cdf960fef272934e35500b551c00baf2a Binary files /dev/null and b/pytorch_grad_cam/feature_factorization/__pycache__/deep_feature_factorization.cpython-39.pyc differ diff --git a/pytorch_grad_cam/feature_factorization/deep_feature_factorization.py b/pytorch_grad_cam/feature_factorization/deep_feature_factorization.py new file mode 100644 index 0000000000000000000000000000000000000000..b9db2c3e32dda9fa64e5e2c23c129223f98ef3ce --- /dev/null +++ b/pytorch_grad_cam/feature_factorization/deep_feature_factorization.py @@ -0,0 +1,131 @@ +import numpy as np +from PIL import Image +import torch +from typing import Callable, List, Tuple, Optional +from sklearn.decomposition import NMF +from pytorch_grad_cam.activations_and_gradients import ActivationsAndGradients +from pytorch_grad_cam.utils.image import scale_cam_image, create_labels_legend, show_factorization_on_image + + +def dff(activations: np.ndarray, n_components: int = 5): + """ Compute Deep Feature Factorization on a 2d Activations tensor. + + :param activations: A numpy array of shape batch x channels x height x width + :param n_components: The number of components for the non negative matrix factorization + :returns: A tuple of the concepts (a numpy array with shape channels x components), + and the explanation heatmaps (a numpy arary with shape batch x height x width) + """ + + batch_size, channels, h, w = activations.shape + reshaped_activations = activations.transpose((1, 0, 2, 3)) + reshaped_activations[np.isnan(reshaped_activations)] = 0 + reshaped_activations = reshaped_activations.reshape( + reshaped_activations.shape[0], -1) + offset = reshaped_activations.min(axis=-1) + reshaped_activations = reshaped_activations - offset[:, None] + + model = NMF(n_components=n_components, init='random', random_state=0) + W = model.fit_transform(reshaped_activations) + H = model.components_ + concepts = W + offset[:, None] + explanations = H.reshape(n_components, batch_size, h, w) + explanations = explanations.transpose((1, 0, 2, 3)) + return concepts, explanations + + +class DeepFeatureFactorization: + """ Deep Feature Factorization: https://arxiv.org/abs/1806.10206 + This gets a model andcomputes the 2D activations for a target layer, + and computes Non Negative Matrix Factorization on the activations. + + Optionally it runs a computation on the concept embeddings, + like running a classifier on them. + + The explanation heatmaps are scalled to the range [0, 1] + and to the input tensor width and height. + """ + + def __init__(self, + model: torch.nn.Module, + target_layer: torch.nn.Module, + reshape_transform: Callable = None, + computation_on_concepts=None + ): + self.model = model + self.computation_on_concepts = computation_on_concepts + self.activations_and_grads = ActivationsAndGradients( + self.model, [target_layer], reshape_transform) + + def __call__(self, + input_tensor: torch.Tensor, + n_components: int = 16): + batch_size, channels, h, w = input_tensor.size() + _ = self.activations_and_grads(input_tensor) + + with torch.no_grad(): + activations = self.activations_and_grads.activations[0].cpu( + ).numpy() + + concepts, explanations = dff(activations, n_components=n_components) + + processed_explanations = [] + + for batch in explanations: + processed_explanations.append(scale_cam_image(batch, (w, h))) + + if self.computation_on_concepts: + with torch.no_grad(): + concept_tensors = torch.from_numpy( + np.float32(concepts).transpose((1, 0))) + concept_outputs = self.computation_on_concepts( + concept_tensors).cpu().numpy() + return concepts, processed_explanations, concept_outputs + else: + return concepts, processed_explanations + + def __del__(self): + self.activations_and_grads.release() + + def __exit__(self, exc_type, exc_value, exc_tb): + self.activations_and_grads.release() + if isinstance(exc_value, IndexError): + # Handle IndexError here... + print( + f"An exception occurred in ActivationSummary with block: {exc_type}. Message: {exc_value}") + return True + + +def run_dff_on_image(model: torch.nn.Module, + target_layer: torch.nn.Module, + classifier: torch.nn.Module, + img_pil: Image, + img_tensor: torch.Tensor, + reshape_transform=Optional[Callable], + n_components: int = 5, + top_k: int = 2) -> np.ndarray: + """ Helper function to create a Deep Feature Factorization visualization for a single image. + TBD: Run this on a batch with several images. + """ + rgb_img_float = np.array(img_pil) / 255 + dff = DeepFeatureFactorization(model=model, + reshape_transform=reshape_transform, + target_layer=target_layer, + computation_on_concepts=classifier) + + concepts, batch_explanations, concept_outputs = dff( + img_tensor[None, :], n_components) + + concept_outputs = torch.softmax( + torch.from_numpy(concept_outputs), + axis=-1).numpy() + concept_label_strings = create_labels_legend(concept_outputs, + labels=model.config.id2label, + top_k=top_k) + visualization = show_factorization_on_image( + rgb_img_float, + batch_explanations[0], + image_weight=0.3, + concept_labels=concept_label_strings) + + result = np.hstack((np.array(img_pil), visualization)) + return result diff --git a/pytorch_grad_cam/fullgrad_cam.py b/pytorch_grad_cam/fullgrad_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..1a2685eff60d63ee758e4b11510ad148311160e9 --- /dev/null +++ b/pytorch_grad_cam/fullgrad_cam.py @@ -0,0 +1,95 @@ +import numpy as np +import torch +from pytorch_grad_cam.base_cam import BaseCAM +from pytorch_grad_cam.utils.find_layers import find_layer_predicate_recursive +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection +from pytorch_grad_cam.utils.image import scale_accross_batch_and_channels, scale_cam_image + +# https://arxiv.org/abs/1905.00780 + + +class FullGrad(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + if len(target_layers) > 0: + print( + "Warning: target_layers is ignored in FullGrad. All bias layers will be used instead") + + def layer_with_2D_bias(layer): + bias_target_layers = [torch.nn.Conv2d, torch.nn.BatchNorm2d] + if type(layer) in bias_target_layers and layer.bias is not None: + return True + return False + target_layers = find_layer_predicate_recursive( + model, layer_with_2D_bias) + super( + FullGrad, + self).__init__( + model, + target_layers, + use_cuda, + reshape_transform, + compute_input_gradient=True) + self.bias_data = [self.get_bias_data( + layer).cpu().numpy() for layer in target_layers] + + def get_bias_data(self, layer): + # Borrowed from official paper impl: + # https://github.com/idiap/fullgrad-saliency/blob/master/saliency/tensor_extractor.py#L47 + if isinstance(layer, torch.nn.BatchNorm2d): + bias = - (layer.running_mean * layer.weight + / torch.sqrt(layer.running_var + layer.eps)) + layer.bias + return bias.data + else: + return layer.bias.data + + def compute_cam_per_layer( + self, + input_tensor, + target_category, + eigen_smooth): + input_grad = input_tensor.grad.data.cpu().numpy() + grads_list = [g.cpu().data.numpy() for g in + self.activations_and_grads.gradients] + cam_per_target_layer = [] + target_size = self.get_target_width_height(input_tensor) + + gradient_multiplied_input = input_grad * input_tensor.data.cpu().numpy() + gradient_multiplied_input = np.abs(gradient_multiplied_input) + gradient_multiplied_input = scale_accross_batch_and_channels( + gradient_multiplied_input, + target_size) + cam_per_target_layer.append(gradient_multiplied_input) + + # Loop over the saliency image from every layer + assert(len(self.bias_data) == len(grads_list)) + for bias, grads in zip(self.bias_data, grads_list): + bias = bias[None, :, None, None] + # In the paper they take the absolute value, + # but possibily taking only the positive gradients will work + # better. + bias_grad = np.abs(bias * grads) + result = scale_accross_batch_and_channels( + bias_grad, target_size) + result = np.sum(result, axis=1) + cam_per_target_layer.append(result[:, None, :]) + cam_per_target_layer = np.concatenate(cam_per_target_layer, axis=1) + if eigen_smooth: + # Resize to a smaller image, since this method typically has a very large number of channels, + # and then consumes a lot of memory + cam_per_target_layer = scale_accross_batch_and_channels( + cam_per_target_layer, (target_size[0] // 8, target_size[1] // 8)) + cam_per_target_layer = get_2d_projection(cam_per_target_layer) + cam_per_target_layer = cam_per_target_layer[:, None, :, :] + cam_per_target_layer = scale_accross_batch_and_channels( + cam_per_target_layer, + target_size) + else: + cam_per_target_layer = np.sum( + cam_per_target_layer, axis=1)[:, None, :] + + return cam_per_target_layer + + def aggregate_multi_layers(self, cam_per_target_layer): + result = np.sum(cam_per_target_layer, axis=1) + return scale_cam_image(result) diff --git a/pytorch_grad_cam/grad_cam.py b/pytorch_grad_cam/grad_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..025bf45ddc57ce3105945d7f4a747d001618a428 --- /dev/null +++ b/pytorch_grad_cam/grad_cam.py @@ -0,0 +1,22 @@ +import numpy as np +from pytorch_grad_cam.base_cam import BaseCAM + + +class GradCAM(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super( + GradCAM, + self).__init__( + model, + target_layers, + use_cuda, + reshape_transform) + + def get_cam_weights(self, + input_tensor, + target_layer, + target_category, + activations, + grads): + return np.mean(grads, axis=(2, 3)) diff --git a/pytorch_grad_cam/grad_cam_elementwise.py b/pytorch_grad_cam/grad_cam_elementwise.py new file mode 100644 index 0000000000000000000000000000000000000000..2698d474a08aa0f0aee8f11a92dc887aa6ee3dc8 --- /dev/null +++ b/pytorch_grad_cam/grad_cam_elementwise.py @@ -0,0 +1,30 @@ +import numpy as np +from pytorch_grad_cam.base_cam import BaseCAM +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection + + +class GradCAMElementWise(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super( + GradCAMElementWise, + self).__init__( + model, + target_layers, + use_cuda, + reshape_transform) + + def get_cam_image(self, + input_tensor, + target_layer, + target_category, + activations, + grads, + eigen_smooth): + elementwise_activations = np.maximum(grads * activations, 0) + + if eigen_smooth: + cam = get_2d_projection(elementwise_activations) + else: + cam = elementwise_activations.sum(axis=1) + return cam diff --git a/pytorch_grad_cam/grad_cam_plusplus.py b/pytorch_grad_cam/grad_cam_plusplus.py new file mode 100644 index 0000000000000000000000000000000000000000..4466826b7dd8707063885a1742332492213b03dd --- /dev/null +++ b/pytorch_grad_cam/grad_cam_plusplus.py @@ -0,0 +1,32 @@ +import numpy as np +from pytorch_grad_cam.base_cam import BaseCAM + +# https://arxiv.org/abs/1710.11063 + + +class GradCAMPlusPlus(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super(GradCAMPlusPlus, self).__init__(model, target_layers, use_cuda, + reshape_transform) + + def get_cam_weights(self, + input_tensor, + target_layers, + target_category, + activations, + grads): + grads_power_2 = grads**2 + grads_power_3 = grads_power_2 * grads + # Equation 19 in https://arxiv.org/abs/1710.11063 + sum_activations = np.sum(activations, axis=(2, 3)) + eps = 0.000001 + aij = grads_power_2 / (2 * grads_power_2 + + sum_activations[:, :, None, None] * grads_power_3 + eps) + # Now bring back the ReLU from eq.7 in the paper, + # And zero out aijs where the activations are 0 + aij = np.where(grads != 0, aij, 0) + + weights = np.maximum(grads, 0) * aij + weights = np.sum(weights, axis=(2, 3)) + return weights diff --git a/pytorch_grad_cam/guided_backprop.py b/pytorch_grad_cam/guided_backprop.py new file mode 100644 index 0000000000000000000000000000000000000000..602fbf354397bf8596f700e8dce94dd0b7f49011 --- /dev/null +++ b/pytorch_grad_cam/guided_backprop.py @@ -0,0 +1,100 @@ +import numpy as np +import torch +from torch.autograd import Function +from pytorch_grad_cam.utils.find_layers import replace_all_layer_type_recursive + + +class GuidedBackpropReLU(Function): + @staticmethod + def forward(self, input_img): + positive_mask = (input_img > 0).type_as(input_img) + output = torch.addcmul( + torch.zeros( + input_img.size()).type_as(input_img), + input_img, + positive_mask) + self.save_for_backward(input_img, output) + return output + + @staticmethod + def backward(self, grad_output): + input_img, output = self.saved_tensors + grad_input = None + + positive_mask_1 = (input_img > 0).type_as(grad_output) + positive_mask_2 = (grad_output > 0).type_as(grad_output) + grad_input = torch.addcmul( + torch.zeros( + input_img.size()).type_as(input_img), + torch.addcmul( + torch.zeros( + input_img.size()).type_as(input_img), + grad_output, + positive_mask_1), + positive_mask_2) + return grad_input + + +class GuidedBackpropReLUasModule(torch.nn.Module): + def __init__(self): + super(GuidedBackpropReLUasModule, self).__init__() + + def forward(self, input_img): + return GuidedBackpropReLU.apply(input_img) + + +class GuidedBackpropReLUModel: + def __init__(self, model, use_cuda): + self.model = model + self.model.eval() + self.cuda = use_cuda + if self.cuda: + self.model = self.model.cuda() + + def forward(self, input_img): + return self.model(input_img) + + def recursive_replace_relu_with_guidedrelu(self, module_top): + + for idx, module in module_top._modules.items(): + self.recursive_replace_relu_with_guidedrelu(module) + if module.__class__.__name__ == 'ReLU': + module_top._modules[idx] = GuidedBackpropReLU.apply + print("b") + + def recursive_replace_guidedrelu_with_relu(self, module_top): + try: + for idx, module in module_top._modules.items(): + self.recursive_replace_guidedrelu_with_relu(module) + if module == GuidedBackpropReLU.apply: + module_top._modules[idx] = torch.nn.ReLU() + except BaseException: + pass + + def __call__(self, input_img, target_category=None): + replace_all_layer_type_recursive(self.model, + torch.nn.ReLU, + GuidedBackpropReLUasModule()) + + if self.cuda: + input_img = input_img.cuda() + + input_img = input_img.requires_grad_(True) + + output = self.forward(input_img) + + if target_category is None: + target_category = np.argmax(output.cpu().data.numpy()) + + loss = output[0, target_category] + loss.backward(retain_graph=True) + + output = input_img.grad.cpu().data.numpy() + output = output[0, :, :, :] + output = output.transpose((1, 2, 0)) + + replace_all_layer_type_recursive(self.model, + GuidedBackpropReLUasModule, + torch.nn.ReLU()) + + return output diff --git a/pytorch_grad_cam/hirescam.py b/pytorch_grad_cam/hirescam.py new file mode 100644 index 0000000000000000000000000000000000000000..381d8d45ec8a4658eeb52a6e5dedcca6a4fc976b --- /dev/null +++ b/pytorch_grad_cam/hirescam.py @@ -0,0 +1,32 @@ +import numpy as np +from pytorch_grad_cam.base_cam import BaseCAM +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection + + +class HiResCAM(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super( + HiResCAM, + self).__init__( + model, + target_layers, + use_cuda, + reshape_transform) + + def get_cam_image(self, + input_tensor, + target_layer, + target_category, + activations, + grads, + eigen_smooth): + elementwise_activations = grads * activations + + if eigen_smooth: + print( + "Warning: HiResCAM's faithfulness guarantees do not hold if smoothing is applied") + cam = get_2d_projection(elementwise_activations) + else: + cam = elementwise_activations.sum(axis=1) + return cam diff --git a/pytorch_grad_cam/layer_cam.py b/pytorch_grad_cam/layer_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..971443d798658d6c29ff9da54481511ac317a1b0 --- /dev/null +++ b/pytorch_grad_cam/layer_cam.py @@ -0,0 +1,36 @@ +import numpy as np +from pytorch_grad_cam.base_cam import BaseCAM +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection + +# https://ieeexplore.ieee.org/document/9462463 + + +class LayerCAM(BaseCAM): + def __init__( + self, + model, + target_layers, + use_cuda=False, + reshape_transform=None): + super( + LayerCAM, + self).__init__( + model, + target_layers, + use_cuda, + reshape_transform) + + def get_cam_image(self, + input_tensor, + target_layer, + target_category, + activations, + grads, + eigen_smooth): + spatial_weighted_activations = np.maximum(grads, 0) * activations + + if eigen_smooth: + cam = get_2d_projection(spatial_weighted_activations) + else: + cam = spatial_weighted_activations.sum(axis=1) + return cam diff --git a/pytorch_grad_cam/metrics/__pycache__/cam_mult_image.cpython-39.pyc b/pytorch_grad_cam/metrics/__pycache__/cam_mult_image.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..25ad47f7276cfc916018708e984e094315584431 Binary files /dev/null and b/pytorch_grad_cam/metrics/__pycache__/cam_mult_image.cpython-39.pyc differ diff --git a/pytorch_grad_cam/metrics/__pycache__/perturbation_confidence.cpython-39.pyc b/pytorch_grad_cam/metrics/__pycache__/perturbation_confidence.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..7b48a2b3c453241a26a49db40de5b3d6b8121033 Binary files /dev/null and b/pytorch_grad_cam/metrics/__pycache__/perturbation_confidence.cpython-39.pyc differ diff --git a/pytorch_grad_cam/metrics/__pycache__/road.cpython-39.pyc b/pytorch_grad_cam/metrics/__pycache__/road.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0b2b8415f6304c9e7776c1f067ebbad8b3169971 Binary files /dev/null and b/pytorch_grad_cam/metrics/__pycache__/road.cpython-39.pyc differ diff --git a/pytorch_grad_cam/metrics/cam_mult_image.py b/pytorch_grad_cam/metrics/cam_mult_image.py new file mode 100644 index 0000000000000000000000000000000000000000..bd4bf8a2f733f6379d888c09e0589e54d9beb4c5 --- /dev/null +++ b/pytorch_grad_cam/metrics/cam_mult_image.py @@ -0,0 +1,37 @@ +import torch +import numpy as np +from typing import List, Callable +from pytorch_grad_cam.metrics.perturbation_confidence import PerturbationConfidenceMetric + + +def multiply_tensor_with_cam(input_tensor: torch.Tensor, + cam: torch.Tensor): + """ Multiply an input tensor (after normalization) + with a pixel attribution map + """ + return input_tensor * cam + + +class CamMultImageConfidenceChange(PerturbationConfidenceMetric): + def __init__(self): + super(CamMultImageConfidenceChange, + self).__init__(multiply_tensor_with_cam) + + +class DropInConfidence(CamMultImageConfidenceChange): + def __init__(self): + super(DropInConfidence, self).__init__() + + def __call__(self, *args, **kwargs): + scores = super(DropInConfidence, self).__call__(*args, **kwargs) + scores = -scores + return np.maximum(scores, 0) + + +class IncreaseInConfidence(CamMultImageConfidenceChange): + def __init__(self): + super(IncreaseInConfidence, self).__init__() + + def __call__(self, *args, **kwargs): + scores = super(IncreaseInConfidence, self).__call__(*args, **kwargs) + return np.float32(scores > 0) diff --git a/pytorch_grad_cam/metrics/perturbation_confidence.py b/pytorch_grad_cam/metrics/perturbation_confidence.py new file mode 100644 index 0000000000000000000000000000000000000000..813ffc7c67d3c12b8a67ea89e7f4478c48f652f5 --- /dev/null +++ b/pytorch_grad_cam/metrics/perturbation_confidence.py @@ -0,0 +1,109 @@ +import torch +import numpy as np +from typing import List, Callable + +import numpy as np +import cv2 + + +class PerturbationConfidenceMetric: + def __init__(self, perturbation): + self.perturbation = perturbation + + def __call__(self, input_tensor: torch.Tensor, + cams: np.ndarray, + targets: List[Callable], + model: torch.nn.Module, + return_visualization=False, + return_diff=True): + + if return_diff: + with torch.no_grad(): + outputs = model(input_tensor) + scores = [target(output).cpu().numpy() + for target, output in zip(targets, outputs)] + scores = np.float32(scores) + + batch_size = input_tensor.size(0) + perturbated_tensors = [] + for i in range(batch_size): + cam = cams[i] + tensor = self.perturbation(input_tensor[i, ...].cpu(), + torch.from_numpy(cam)) + tensor = tensor.to(input_tensor.device) + perturbated_tensors.append(tensor.unsqueeze(0)) + perturbated_tensors = torch.cat(perturbated_tensors) + + with torch.no_grad(): + outputs_after_imputation = model(perturbated_tensors) + scores_after_imputation = [ + target(output).cpu().numpy() for target, output in zip( + targets, outputs_after_imputation)] + scores_after_imputation = np.float32(scores_after_imputation) + + if return_diff: + result = scores_after_imputation - scores + else: + result = scores_after_imputation + + if return_visualization: + return result, perturbated_tensors + else: + return result + + +class RemoveMostRelevantFirst: + def __init__(self, percentile, imputer): + self.percentile = percentile + self.imputer = imputer + + def __call__(self, input_tensor, mask): + imputer = self.imputer + if self.percentile != 'auto': + threshold = np.percentile(mask.cpu().numpy(), self.percentile) + binary_mask = np.float32(mask < threshold) + else: + _, binary_mask = cv2.threshold( + np.uint8(mask * 255), 0, 255, cv2.THRESH_BINARY + cv2.THRESH_OTSU) + + binary_mask = torch.from_numpy(binary_mask) + binary_mask = binary_mask.to(mask.device) + return imputer(input_tensor, binary_mask) + + +class RemoveLeastRelevantFirst(RemoveMostRelevantFirst): + def __init__(self, percentile, imputer): + super(RemoveLeastRelevantFirst, self).__init__(percentile, imputer) + + def __call__(self, input_tensor, mask): + return super(RemoveLeastRelevantFirst, self).__call__( + input_tensor, 1 - mask) + + +class AveragerAcrossThresholds: + def __init__( + self, + imputer, + percentiles=[ + 10, + 20, + 30, + 40, + 50, + 60, + 70, + 80, + 90]): + self.imputer = imputer + self.percentiles = percentiles + + def __call__(self, + input_tensor: torch.Tensor, + cams: np.ndarray, + targets: List[Callable], + model: torch.nn.Module): + scores = [] + for percentile in self.percentiles: + imputer = self.imputer(percentile) + scores.append(imputer(input_tensor, cams, targets, model)) + return np.mean(np.float32(scores), axis=0) diff --git a/pytorch_grad_cam/metrics/road.py b/pytorch_grad_cam/metrics/road.py new file mode 100644 index 0000000000000000000000000000000000000000..7b09c4ba7c6f745532411278e390c540134ebe34 --- /dev/null +++ b/pytorch_grad_cam/metrics/road.py @@ -0,0 +1,181 @@ +# A Consistent and Efficient Evaluation Strategy for Attribution Methods +# https://arxiv.org/abs/2202.00449 +# Taken from https://raw.githubusercontent.com/tleemann/road_evaluation/main/imputations.py +# MIT License + +# Copyright (c) 2022 Tobias Leemann + +# Permission is hereby granted, free of charge, to any person obtaining a copy +# of this software and associated documentation files (the "Software"), to deal +# in the Software without restriction, including without limitation the rights +# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +# copies of the Software, and to permit persons to whom the Software is +# furnished to do so, subject to the following conditions: + +# The above copyright notice and this permission notice shall be included in all +# copies or substantial portions of the Software. + +# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +# SOFTWARE. + + +# Implementations of our imputation models. +import torch +import numpy as np +from scipy.sparse import lil_matrix, csc_matrix +from scipy.sparse.linalg import spsolve +from typing import List, Callable +from pytorch_grad_cam.metrics.perturbation_confidence import PerturbationConfidenceMetric, \ + AveragerAcrossThresholds, \ + RemoveMostRelevantFirst, \ + RemoveLeastRelevantFirst + +# The weights of the surrounding pixels +neighbors_weights = [((1, 1), 1 / 12), + ((0, 1), 1 / 6), + ((-1, 1), 1 / 12), + ((1, -1), 1 / 12), + ((0, -1), 1 / 6), + ((-1, -1), 1 / 12), + ((1, 0), 1 / 6), + ((-1, 0), 1 / 6)] + + +class NoisyLinearImputer: + def __init__(self, + noise: float = 0.01, + weighting: List[float] = neighbors_weights): + """ + Noisy linear imputation. + noise: magnitude of noise to add (absolute, set to 0 for no noise) + weighting: Weights of the neighboring pixels in the computation. + List of tuples of (offset, weight) + """ + self.noise = noise + self.weighting = neighbors_weights + + @staticmethod + def add_offset_to_indices(indices, offset, mask_shape): + """ Add the corresponding offset to the indices. + Return new indices plus a valid bit-vector. """ + cord1 = indices % mask_shape[1] + cord0 = indices // mask_shape[1] + cord0 += offset[0] + cord1 += offset[1] + valid = ((cord0 < 0) | (cord1 < 0) | + (cord0 >= mask_shape[0]) | + (cord1 >= mask_shape[1])) + return ~valid, indices + offset[0] * mask_shape[1] + offset[1] + + @staticmethod + def setup_sparse_system(mask, img, neighbors_weights): + """ Vectorized version to set up the equation system. + mask: (H, W)-tensor of missing pixels. + Image: (H, W, C)-tensor of all values. + Return (N,N)-System matrix, (N,C)-Right hand side for each of the C channels. + """ + maskflt = mask.flatten() + imgflat = img.reshape((img.shape[0], -1)) + # Indices that are imputed in the flattened mask: + indices = np.argwhere(maskflt == 0).flatten() + coords_to_vidx = np.zeros(len(maskflt), dtype=int) + coords_to_vidx[indices] = np.arange(len(indices)) + numEquations = len(indices) + # System matrix: + A = lil_matrix((numEquations, numEquations)) + b = np.zeros((numEquations, img.shape[0])) + # Sum of weights assigned: + sum_neighbors = np.ones(numEquations) + for n in neighbors_weights: + offset, weight = n[0], n[1] + # Take out outliers + valid, new_coords = NoisyLinearImputer.add_offset_to_indices( + indices, offset, mask.shape) + valid_coords = new_coords[valid] + valid_ids = np.argwhere(valid == 1).flatten() + # Add values to the right hand-side + has_values_coords = valid_coords[maskflt[valid_coords] > 0.5] + has_values_ids = valid_ids[maskflt[valid_coords] > 0.5] + b[has_values_ids, :] -= weight * imgflat[:, has_values_coords].T + # Add weights to the system (left hand side) +# Find coordinates in the system. + has_no_values = valid_coords[maskflt[valid_coords] < 0.5] + variable_ids = coords_to_vidx[has_no_values] + has_no_values_ids = valid_ids[maskflt[valid_coords] < 0.5] + A[has_no_values_ids, variable_ids] = weight + # Reduce weight for invalid + sum_neighbors[np.argwhere(valid == 0).flatten()] = \ + sum_neighbors[np.argwhere(valid == 0).flatten()] - weight + + A[np.arange(numEquations), np.arange(numEquations)] = -sum_neighbors + return A, b + + def __call__(self, img: torch.Tensor, mask: torch.Tensor): + """ Our linear inputation scheme. """ + """ + This is the function to do the linear infilling + img: original image (C,H,W)-tensor; + mask: mask; (H,W)-tensor + + """ + imgflt = img.reshape(img.shape[0], -1) + maskflt = mask.reshape(-1) + # Indices that need to be imputed. + indices_linear = np.argwhere(maskflt == 0).flatten() + # Set up sparse equation system, solve system. + A, b = NoisyLinearImputer.setup_sparse_system( + mask.numpy(), img.numpy(), neighbors_weights) + res = torch.tensor(spsolve(csc_matrix(A), b), dtype=torch.float) + + # Fill the values with the solution of the system. + img_infill = imgflt.clone() + img_infill[:, indices_linear] = res.t() + self.noise * \ + torch.randn_like(res.t()) + + return img_infill.reshape_as(img) + + +class ROADMostRelevantFirst(PerturbationConfidenceMetric): + def __init__(self, percentile=80): + super(ROADMostRelevantFirst, self).__init__( + RemoveMostRelevantFirst(percentile, NoisyLinearImputer())) + + +class ROADLeastRelevantFirst(PerturbationConfidenceMetric): + def __init__(self, percentile=20): + super(ROADLeastRelevantFirst, self).__init__( + RemoveLeastRelevantFirst(percentile, NoisyLinearImputer())) + + +class ROADMostRelevantFirstAverage(AveragerAcrossThresholds): + def __init__(self, percentiles=[10, 20, 30, 40, 50, 60, 70, 80, 90]): + super(ROADMostRelevantFirstAverage, self).__init__( + ROADMostRelevantFirst, percentiles) + + +class ROADLeastRelevantFirstAverage(AveragerAcrossThresholds): + def __init__(self, percentiles=[10, 20, 30, 40, 50, 60, 70, 80, 90]): + super(ROADLeastRelevantFirstAverage, self).__init__( + ROADLeastRelevantFirst, percentiles) + + +class ROADCombined: + def __init__(self, percentiles=[10, 20, 30, 40, 50, 60, 70, 80, 90]): + self.percentiles = percentiles + self.morf_averager = ROADMostRelevantFirstAverage(percentiles) + self.lerf_averager = ROADLeastRelevantFirstAverage(percentiles) + + def __call__(self, + input_tensor: torch.Tensor, + cams: np.ndarray, + targets: List[Callable], + model: torch.nn.Module): + + scores_lerf = self.lerf_averager(input_tensor, cams, targets, model) + scores_morf = self.morf_averager(input_tensor, cams, targets, model) + return (scores_lerf - scores_morf) / 2 diff --git a/pytorch_grad_cam/perturbation_confidence.py b/pytorch_grad_cam/perturbation_confidence.py new file mode 100644 index 0000000000000000000000000000000000000000..813ffc7c67d3c12b8a67ea89e7f4478c48f652f5 --- /dev/null +++ b/pytorch_grad_cam/perturbation_confidence.py @@ -0,0 +1,109 @@ +import torch +import numpy as np +from typing import List, Callable + +import numpy as np +import cv2 + + +class PerturbationConfidenceMetric: + def __init__(self, perturbation): + self.perturbation = perturbation + + def __call__(self, input_tensor: torch.Tensor, + cams: np.ndarray, + targets: List[Callable], + model: torch.nn.Module, + return_visualization=False, + return_diff=True): + + if return_diff: + with torch.no_grad(): + outputs = model(input_tensor) + scores = [target(output).cpu().numpy() + for target, output in zip(targets, outputs)] + scores = np.float32(scores) + + batch_size = input_tensor.size(0) + perturbated_tensors = [] + for i in range(batch_size): + cam = cams[i] + tensor = self.perturbation(input_tensor[i, ...].cpu(), + torch.from_numpy(cam)) + tensor = tensor.to(input_tensor.device) + perturbated_tensors.append(tensor.unsqueeze(0)) + perturbated_tensors = torch.cat(perturbated_tensors) + + with torch.no_grad(): + outputs_after_imputation = model(perturbated_tensors) + scores_after_imputation = [ + target(output).cpu().numpy() for target, output in zip( + targets, outputs_after_imputation)] + scores_after_imputation = np.float32(scores_after_imputation) + + if return_diff: + result = scores_after_imputation - scores + else: + result = scores_after_imputation + + if return_visualization: + return result, perturbated_tensors + else: + return result + + +class RemoveMostRelevantFirst: + def __init__(self, percentile, imputer): + self.percentile = percentile + self.imputer = imputer + + def __call__(self, input_tensor, mask): + imputer = self.imputer + if self.percentile != 'auto': + threshold = np.percentile(mask.cpu().numpy(), self.percentile) + binary_mask = np.float32(mask < threshold) + else: + _, binary_mask = cv2.threshold( + np.uint8(mask * 255), 0, 255, cv2.THRESH_BINARY + cv2.THRESH_OTSU) + + binary_mask = torch.from_numpy(binary_mask) + binary_mask = binary_mask.to(mask.device) + return imputer(input_tensor, binary_mask) + + +class RemoveLeastRelevantFirst(RemoveMostRelevantFirst): + def __init__(self, percentile, imputer): + super(RemoveLeastRelevantFirst, self).__init__(percentile, imputer) + + def __call__(self, input_tensor, mask): + return super(RemoveLeastRelevantFirst, self).__call__( + input_tensor, 1 - mask) + + +class AveragerAcrossThresholds: + def __init__( + self, + imputer, + percentiles=[ + 10, + 20, + 30, + 40, + 50, + 60, + 70, + 80, + 90]): + self.imputer = imputer + self.percentiles = percentiles + + def __call__(self, + input_tensor: torch.Tensor, + cams: np.ndarray, + targets: List[Callable], + model: torch.nn.Module): + scores = [] + for percentile in self.percentiles: + imputer = self.imputer(percentile) + scores.append(imputer(input_tensor, cams, targets, model)) + return np.mean(np.float32(scores), axis=0) diff --git a/pytorch_grad_cam/random_cam.py b/pytorch_grad_cam/random_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..5bb6eccd79960a3dbe77f76ed4aa73bb0a4b74cd --- /dev/null +++ b/pytorch_grad_cam/random_cam.py @@ -0,0 +1,22 @@ +import numpy as np +from pytorch_grad_cam.base_cam import BaseCAM + + +class RandomCAM(BaseCAM): + def __init__(self, model, target_layers, use_cuda=False, + reshape_transform=None): + super( + RandomCAM, + self).__init__( + model, + target_layers, + use_cuda, + reshape_transform) + + def get_cam_weights(self, + input_tensor, + target_layer, + target_category, + activations, + grads): + return np.random.uniform(-1, 1, size=(grads.shape[0], grads.shape[1])) diff --git a/pytorch_grad_cam/road.py b/pytorch_grad_cam/road.py new file mode 100644 index 0000000000000000000000000000000000000000..7b09c4ba7c6f745532411278e390c540134ebe34 --- /dev/null +++ b/pytorch_grad_cam/road.py @@ -0,0 +1,181 @@ +# A Consistent and Efficient Evaluation Strategy for Attribution Methods +# https://arxiv.org/abs/2202.00449 +# Taken from https://raw.githubusercontent.com/tleemann/road_evaluation/main/imputations.py +# MIT License + +# Copyright (c) 2022 Tobias Leemann + +# Permission is hereby granted, free of charge, to any person obtaining a copy +# of this software and associated documentation files (the "Software"), to deal +# in the Software without restriction, including without limitation the rights +# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +# copies of the Software, and to permit persons to whom the Software is +# furnished to do so, subject to the following conditions: + +# The above copyright notice and this permission notice shall be included in all +# copies or substantial portions of the Software. + +# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +# SOFTWARE. + + +# Implementations of our imputation models. +import torch +import numpy as np +from scipy.sparse import lil_matrix, csc_matrix +from scipy.sparse.linalg import spsolve +from typing import List, Callable +from pytorch_grad_cam.metrics.perturbation_confidence import PerturbationConfidenceMetric, \ + AveragerAcrossThresholds, \ + RemoveMostRelevantFirst, \ + RemoveLeastRelevantFirst + +# The weights of the surrounding pixels +neighbors_weights = [((1, 1), 1 / 12), + ((0, 1), 1 / 6), + ((-1, 1), 1 / 12), + ((1, -1), 1 / 12), + ((0, -1), 1 / 6), + ((-1, -1), 1 / 12), + ((1, 0), 1 / 6), + ((-1, 0), 1 / 6)] + + +class NoisyLinearImputer: + def __init__(self, + noise: float = 0.01, + weighting: List[float] = neighbors_weights): + """ + Noisy linear imputation. + noise: magnitude of noise to add (absolute, set to 0 for no noise) + weighting: Weights of the neighboring pixels in the computation. + List of tuples of (offset, weight) + """ + self.noise = noise + self.weighting = neighbors_weights + + @staticmethod + def add_offset_to_indices(indices, offset, mask_shape): + """ Add the corresponding offset to the indices. + Return new indices plus a valid bit-vector. """ + cord1 = indices % mask_shape[1] + cord0 = indices // mask_shape[1] + cord0 += offset[0] + cord1 += offset[1] + valid = ((cord0 < 0) | (cord1 < 0) | + (cord0 >= mask_shape[0]) | + (cord1 >= mask_shape[1])) + return ~valid, indices + offset[0] * mask_shape[1] + offset[1] + + @staticmethod + def setup_sparse_system(mask, img, neighbors_weights): + """ Vectorized version to set up the equation system. + mask: (H, W)-tensor of missing pixels. + Image: (H, W, C)-tensor of all values. + Return (N,N)-System matrix, (N,C)-Right hand side for each of the C channels. + """ + maskflt = mask.flatten() + imgflat = img.reshape((img.shape[0], -1)) + # Indices that are imputed in the flattened mask: + indices = np.argwhere(maskflt == 0).flatten() + coords_to_vidx = np.zeros(len(maskflt), dtype=int) + coords_to_vidx[indices] = np.arange(len(indices)) + numEquations = len(indices) + # System matrix: + A = lil_matrix((numEquations, numEquations)) + b = np.zeros((numEquations, img.shape[0])) + # Sum of weights assigned: + sum_neighbors = np.ones(numEquations) + for n in neighbors_weights: + offset, weight = n[0], n[1] + # Take out outliers + valid, new_coords = NoisyLinearImputer.add_offset_to_indices( + indices, offset, mask.shape) + valid_coords = new_coords[valid] + valid_ids = np.argwhere(valid == 1).flatten() + # Add values to the right hand-side + has_values_coords = valid_coords[maskflt[valid_coords] > 0.5] + has_values_ids = valid_ids[maskflt[valid_coords] > 0.5] + b[has_values_ids, :] -= weight * imgflat[:, has_values_coords].T + # Add weights to the system (left hand side) +# Find coordinates in the system. + has_no_values = valid_coords[maskflt[valid_coords] < 0.5] + variable_ids = coords_to_vidx[has_no_values] + has_no_values_ids = valid_ids[maskflt[valid_coords] < 0.5] + A[has_no_values_ids, variable_ids] = weight + # Reduce weight for invalid + sum_neighbors[np.argwhere(valid == 0).flatten()] = \ + sum_neighbors[np.argwhere(valid == 0).flatten()] - weight + + A[np.arange(numEquations), np.arange(numEquations)] = -sum_neighbors + return A, b + + def __call__(self, img: torch.Tensor, mask: torch.Tensor): + """ Our linear inputation scheme. """ + """ + This is the function to do the linear infilling + img: original image (C,H,W)-tensor; + mask: mask; (H,W)-tensor + + """ + imgflt = img.reshape(img.shape[0], -1) + maskflt = mask.reshape(-1) + # Indices that need to be imputed. + indices_linear = np.argwhere(maskflt == 0).flatten() + # Set up sparse equation system, solve system. + A, b = NoisyLinearImputer.setup_sparse_system( + mask.numpy(), img.numpy(), neighbors_weights) + res = torch.tensor(spsolve(csc_matrix(A), b), dtype=torch.float) + + # Fill the values with the solution of the system. + img_infill = imgflt.clone() + img_infill[:, indices_linear] = res.t() + self.noise * \ + torch.randn_like(res.t()) + + return img_infill.reshape_as(img) + + +class ROADMostRelevantFirst(PerturbationConfidenceMetric): + def __init__(self, percentile=80): + super(ROADMostRelevantFirst, self).__init__( + RemoveMostRelevantFirst(percentile, NoisyLinearImputer())) + + +class ROADLeastRelevantFirst(PerturbationConfidenceMetric): + def __init__(self, percentile=20): + super(ROADLeastRelevantFirst, self).__init__( + RemoveLeastRelevantFirst(percentile, NoisyLinearImputer())) + + +class ROADMostRelevantFirstAverage(AveragerAcrossThresholds): + def __init__(self, percentiles=[10, 20, 30, 40, 50, 60, 70, 80, 90]): + super(ROADMostRelevantFirstAverage, self).__init__( + ROADMostRelevantFirst, percentiles) + + +class ROADLeastRelevantFirstAverage(AveragerAcrossThresholds): + def __init__(self, percentiles=[10, 20, 30, 40, 50, 60, 70, 80, 90]): + super(ROADLeastRelevantFirstAverage, self).__init__( + ROADLeastRelevantFirst, percentiles) + + +class ROADCombined: + def __init__(self, percentiles=[10, 20, 30, 40, 50, 60, 70, 80, 90]): + self.percentiles = percentiles + self.morf_averager = ROADMostRelevantFirstAverage(percentiles) + self.lerf_averager = ROADLeastRelevantFirstAverage(percentiles) + + def __call__(self, + input_tensor: torch.Tensor, + cams: np.ndarray, + targets: List[Callable], + model: torch.nn.Module): + + scores_lerf = self.lerf_averager(input_tensor, cams, targets, model) + scores_morf = self.morf_averager(input_tensor, cams, targets, model) + return (scores_lerf - scores_morf) / 2 diff --git a/pytorch_grad_cam/score_cam.py b/pytorch_grad_cam/score_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..38460c55164ad69026d331520fa51f60f4d050c6 --- /dev/null +++ b/pytorch_grad_cam/score_cam.py @@ -0,0 +1,60 @@ +import torch +import tqdm +from pytorch_grad_cam.base_cam import BaseCAM + + +class ScoreCAM(BaseCAM): + def __init__( + self, + model, + target_layers, + use_cuda=False, + reshape_transform=None): + super(ScoreCAM, self).__init__(model, + target_layers, + use_cuda, + reshape_transform=reshape_transform, + uses_gradients=False) + + def get_cam_weights(self, + input_tensor, + target_layer, + targets, + activations, + grads): + with torch.no_grad(): + upsample = torch.nn.UpsamplingBilinear2d( + size=input_tensor.shape[-2:]) + activation_tensor = torch.from_numpy(activations) + if self.cuda: + activation_tensor = activation_tensor.cuda() + + upsampled = upsample(activation_tensor) + + maxs = upsampled.view(upsampled.size(0), + upsampled.size(1), -1).max(dim=-1)[0] + mins = upsampled.view(upsampled.size(0), + upsampled.size(1), -1).min(dim=-1)[0] + + maxs, mins = maxs[:, :, None, None], mins[:, :, None, None] + upsampled = (upsampled - mins) / (maxs - mins) + + input_tensors = input_tensor[:, None, + :, :] * upsampled[:, :, None, :, :] + + if hasattr(self, "batch_size"): + BATCH_SIZE = self.batch_size + else: + BATCH_SIZE = 16 + + scores = [] + for target, tensor in zip(targets, input_tensors): + for i in tqdm.tqdm(range(0, tensor.size(0), BATCH_SIZE)): + batch = tensor[i: i + BATCH_SIZE, :] + outputs = [target(o).cpu().item() + for o in self.model(batch)] + scores.extend(outputs) + scores = torch.Tensor(scores) + scores = scores.view(activations.shape[0], activations.shape[1]) + weights = torch.nn.Softmax(dim=-1)(scores).numpy() + return weights diff --git a/pytorch_grad_cam/sobel_cam.py b/pytorch_grad_cam/sobel_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..84168a789ac80f5215238214969b63363237bed2 --- /dev/null +++ b/pytorch_grad_cam/sobel_cam.py @@ -0,0 +1,11 @@ +import cv2 + + +def sobel_cam(img): + gray = cv2.cvtColor(img, cv2.COLOR_RGB2GRAY) + grad_x = cv2.Sobel(gray, cv2.CV_64F, 1, 0, ksize=3) + grad_y = cv2.Sobel(gray, cv2.CV_64F, 0, 1, ksize=3) + abs_grad_x = cv2.convertScaleAbs(grad_x) + abs_grad_y = cv2.convertScaleAbs(grad_y) + grad = cv2.addWeighted(abs_grad_x, 0.5, abs_grad_y, 0.5, 0) + return grad diff --git a/pytorch_grad_cam/utils/__init__.py b/pytorch_grad_cam/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..269a52681645da3cc2c032877466b1ee6284efb2 --- /dev/null +++ b/pytorch_grad_cam/utils/__init__.py @@ -0,0 +1,4 @@ +from pytorch_grad_cam.utils.image import deprocess_image +from pytorch_grad_cam.utils.svd_on_activations import get_2d_projection +from pytorch_grad_cam.utils import model_targets +from pytorch_grad_cam.utils import reshape_transforms diff --git a/pytorch_grad_cam/utils/__pycache__/__init__.cpython-39.pyc b/pytorch_grad_cam/utils/__pycache__/__init__.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..dea1b7f1ba97c6ded2d33ab30f8f76fa99bdc8fa Binary files /dev/null and b/pytorch_grad_cam/utils/__pycache__/__init__.cpython-39.pyc differ diff --git a/pytorch_grad_cam/utils/__pycache__/find_layers.cpython-39.pyc b/pytorch_grad_cam/utils/__pycache__/find_layers.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f1c239e0def62be0548f58bcc1cee49b9f8aa31e Binary files /dev/null and b/pytorch_grad_cam/utils/__pycache__/find_layers.cpython-39.pyc differ diff --git a/pytorch_grad_cam/utils/__pycache__/image.cpython-39.pyc b/pytorch_grad_cam/utils/__pycache__/image.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..bf0b5f50daaf067d7b2a603681c3c3a73a938a40 Binary files /dev/null and b/pytorch_grad_cam/utils/__pycache__/image.cpython-39.pyc differ diff --git a/pytorch_grad_cam/utils/__pycache__/model_targets.cpython-39.pyc b/pytorch_grad_cam/utils/__pycache__/model_targets.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..762fb993ac344ee4218e0a111185266a00d7e029 Binary files /dev/null and b/pytorch_grad_cam/utils/__pycache__/model_targets.cpython-39.pyc differ diff --git a/pytorch_grad_cam/utils/__pycache__/reshape_transforms.cpython-39.pyc b/pytorch_grad_cam/utils/__pycache__/reshape_transforms.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ba7a1aaf3ecdfe40115afb400c9c2cb9be1d64ab Binary files /dev/null and b/pytorch_grad_cam/utils/__pycache__/reshape_transforms.cpython-39.pyc differ diff --git a/pytorch_grad_cam/utils/__pycache__/svd_on_activations.cpython-39.pyc b/pytorch_grad_cam/utils/__pycache__/svd_on_activations.cpython-39.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e495d9cd77ac6837e9151106116db3e6a5788eb2 Binary files /dev/null and b/pytorch_grad_cam/utils/__pycache__/svd_on_activations.cpython-39.pyc differ diff --git a/pytorch_grad_cam/utils/find_layers.py b/pytorch_grad_cam/utils/find_layers.py new file mode 100644 index 0000000000000000000000000000000000000000..4b9e44590664fdc30e996f79bd1a3497db40e822 --- /dev/null +++ b/pytorch_grad_cam/utils/find_layers.py @@ -0,0 +1,30 @@ +def replace_layer_recursive(model, old_layer, new_layer): + for name, layer in model._modules.items(): + if layer == old_layer: + model._modules[name] = new_layer + return True + elif replace_layer_recursive(layer, old_layer, new_layer): + return True + return False + + +def replace_all_layer_type_recursive(model, old_layer_type, new_layer): + for name, layer in model._modules.items(): + if isinstance(layer, old_layer_type): + model._modules[name] = new_layer + replace_all_layer_type_recursive(layer, old_layer_type, new_layer) + + +def find_layer_types_recursive(model, layer_types): + def predicate(layer): + return type(layer) in layer_types + return find_layer_predicate_recursive(model, predicate) + + +def find_layer_predicate_recursive(model, predicate): + result = [] + for name, layer in model._modules.items(): + if predicate(layer): + result.append(layer) + result.extend(find_layer_predicate_recursive(layer, predicate)) + return result diff --git a/pytorch_grad_cam/utils/image.py b/pytorch_grad_cam/utils/image.py new file mode 100644 index 0000000000000000000000000000000000000000..34d92ba6f6cd82459059806ff0b311afb412cf9d --- /dev/null +++ b/pytorch_grad_cam/utils/image.py @@ -0,0 +1,183 @@ +import matplotlib +from matplotlib import pyplot as plt +from matplotlib.lines import Line2D +import cv2 +import numpy as np +import torch +from torchvision.transforms import Compose, Normalize, ToTensor +from typing import List, Dict +import math + + +def preprocess_image( + img: np.ndarray, mean=[ + 0.5, 0.5, 0.5], std=[ + 0.5, 0.5, 0.5]) -> torch.Tensor: + preprocessing = Compose([ + ToTensor(), + Normalize(mean=mean, std=std) + ]) + return preprocessing(img.copy()).unsqueeze(0) + + +def deprocess_image(img): + """ see https://github.com/jacobgil/keras-grad-cam/blob/master/grad-cam.py#L65 """ + img = img - np.mean(img) + img = img / (np.std(img) + 1e-5) + img = img * 0.1 + img = img + 0.5 + img = np.clip(img, 0, 1) + return np.uint8(img * 255) + + +def show_cam_on_image(img: np.ndarray, + mask: np.ndarray, + use_rgb: bool = False, + colormap: int = cv2.COLORMAP_JET, + image_weight: float = 0.5) -> np.ndarray: + """ This function overlays the cam mask on the image as an heatmap. + By default the heatmap is in BGR format. + + :param img: The base image in RGB or BGR format. + :param mask: The cam mask. + :param use_rgb: Whether to use an RGB or BGR heatmap, this should be set to True if 'img' is in RGB format. + :param colormap: The OpenCV colormap to be used. + :param image_weight: The final result is image_weight * img + (1-image_weight) * mask. + :returns: The default image with the cam overlay. + """ + heatmap = cv2.applyColorMap(np.uint8(255 * mask), colormap) + if use_rgb: + heatmap = cv2.cvtColor(heatmap, cv2.COLOR_BGR2RGB) + heatmap = np.float32(heatmap) / 255 + + if np.max(img) > 1: + raise Exception( + "The input image should np.float32 in the range [0, 1]") + + if image_weight < 0 or image_weight > 1: + raise Exception( + f"image_weight should be in the range [0, 1].\ + Got: {image_weight}") + + cam = (1 - image_weight) * heatmap + image_weight * img + cam = cam / np.max(cam) + return np.uint8(255 * cam) + + +def create_labels_legend(concept_scores: np.ndarray, + labels: Dict[int, str], + top_k=2): + concept_categories = np.argsort(concept_scores, axis=1)[:, ::-1][:, :top_k] + concept_labels_topk = [] + for concept_index in range(concept_categories.shape[0]): + categories = concept_categories[concept_index, :] + concept_labels = [] + for category in categories: + score = concept_scores[concept_index, category] + label = f"{','.join(labels[category].split(',')[:3])}:{score:.2f}" + concept_labels.append(label) + concept_labels_topk.append("\n".join(concept_labels)) + return concept_labels_topk + + +def show_factorization_on_image(img: np.ndarray, + explanations: np.ndarray, + colors: List[np.ndarray] = None, + image_weight: float = 0.5, + concept_labels: List = None) -> np.ndarray: + """ Color code the different component heatmaps on top of the image. + Every component color code will be magnified according to the heatmap itensity + (by modifying the V channel in the HSV color space), + and optionally create a lagend that shows the labels. + + Since different factorization component heatmaps can overlap in principle, + we need a strategy to decide how to deal with the overlaps. + This keeps the component that has a higher value in it's heatmap. + + :param img: The base image RGB format. + :param explanations: A tensor of shape num_componetns x height x width, with the component visualizations. + :param colors: List of R, G, B colors to be used for the components. + If None, will use the gist_rainbow cmap as a default. + :param image_weight: The final result is image_weight * img + (1-image_weight) * visualization. + :concept_labels: A list of strings for every component. If this is paseed, a legend that shows + the labels and their colors will be added to the image. + :returns: The visualized image. + """ + n_components = explanations.shape[0] + if colors is None: + # taken from https://github.com/edocollins/DFF/blob/master/utils.py + _cmap = plt.cm.get_cmap('gist_rainbow') + colors = [ + np.array( + _cmap(i)) for i in np.arange( + 0, + 1, + 1.0 / + n_components)] + concept_per_pixel = explanations.argmax(axis=0) + masks = [] + for i in range(n_components): + mask = np.zeros(shape=(img.shape[0], img.shape[1], 3)) + mask[:, :, :] = colors[i][:3] + explanation = explanations[i] + explanation[concept_per_pixel != i] = 0 + mask = np.uint8(mask * 255) + mask = cv2.cvtColor(mask, cv2.COLOR_RGB2HSV) + mask[:, :, 2] = np.uint8(255 * explanation) + mask = cv2.cvtColor(mask, cv2.COLOR_HSV2RGB) + mask = np.float32(mask) / 255 + masks.append(mask) + + mask = np.sum(np.float32(masks), axis=0) + result = img * image_weight + mask * (1 - image_weight) + result = np.uint8(result * 255) + + if concept_labels is not None: + px = 1 / plt.rcParams['figure.dpi'] # pixel in inches + fig = plt.figure(figsize=(result.shape[1] * px, result.shape[0] * px)) + plt.rcParams['legend.fontsize'] = int( + 14 * result.shape[0] / 256 / max(1, n_components / 6)) + lw = 5 * result.shape[0] / 256 + lines = [Line2D([0], [0], color=colors[i], lw=lw) + for i in range(n_components)] + plt.legend(lines, + concept_labels, + mode="expand", + fancybox=True, + shadow=True) + + plt.tight_layout(pad=0, w_pad=0, h_pad=0) + plt.axis('off') + fig.canvas.draw() + data = np.frombuffer(fig.canvas.tostring_rgb(), dtype=np.uint8) + plt.close(fig=fig) + data = data.reshape(fig.canvas.get_width_height()[::-1] + (3,)) + data = cv2.resize(data, (result.shape[1], result.shape[0])) + result = np.hstack((result, data)) + return result + + +def scale_cam_image(cam, target_size=None): + result = [] + for img in cam: + img = img - np.min(img) + img = img / (1e-7 + np.max(img)) + if target_size is not None: + img = cv2.resize(img, target_size) + result.append(img) + result = np.float32(result) + + return result + + +def scale_accross_batch_and_channels(tensor, target_size): + batch_size, channel_size = tensor.shape[:2] + reshaped_tensor = tensor.reshape( + batch_size * channel_size, *tensor.shape[2:]) + result = scale_cam_image(reshaped_tensor, target_size) + result = result.reshape( + batch_size, + channel_size, + target_size[1], + target_size[0]) + return result diff --git a/pytorch_grad_cam/utils/model_targets.py b/pytorch_grad_cam/utils/model_targets.py new file mode 100644 index 0000000000000000000000000000000000000000..489dd198731f76a5631d4e480d68b93561cf2820 --- /dev/null +++ b/pytorch_grad_cam/utils/model_targets.py @@ -0,0 +1,103 @@ +import numpy as np +import torch +import torchvision + + +class ClassifierOutputTarget: + def __init__(self, category): + self.category = category + + def __call__(self, model_output): + if len(model_output.shape) == 1: + return model_output[self.category] + return model_output[:, self.category] + + +class ClassifierOutputSoftmaxTarget: + def __init__(self, category): + self.category = category + + def __call__(self, model_output): + if len(model_output.shape) == 1: + return torch.softmax(model_output, dim=-1)[self.category] + return torch.softmax(model_output, dim=-1)[:, self.category] + + +class BinaryClassifierOutputTarget: + def __init__(self, category): + self.category = category + + def __call__(self, model_output): + if self.category == 1: + sign = 1 + else: + sign = -1 + return model_output * sign + + +class SoftmaxOutputTarget: + def __init__(self): + pass + + def __call__(self, model_output): + return torch.softmax(model_output, dim=-1) + + +class RawScoresOutputTarget: + def __init__(self): + pass + + def __call__(self, model_output): + return model_output + + +class SemanticSegmentationTarget: + """ Gets a binary spatial mask and a category, + And return the sum of the category scores, + of the pixels in the mask. """ + + def __init__(self, category, mask): + self.category = category + self.mask = torch.from_numpy(mask) + if torch.cuda.is_available(): + self.mask = self.mask.cuda() + + def __call__(self, model_output): + return (model_output[self.category, :, :] * self.mask).sum() + + +class FasterRCNNBoxScoreTarget: + """ For every original detected bounding box specified in "bounding boxes", + assign a score on how the current bounding boxes match it, + 1. In IOU + 2. In the classification score. + If there is not a large enough overlap, or the category changed, + assign a score of 0. + + The total score is the sum of all the box scores. + """ + + def __init__(self, labels, bounding_boxes, iou_threshold=0.5): + self.labels = labels + self.bounding_boxes = bounding_boxes + self.iou_threshold = iou_threshold + + def __call__(self, model_outputs): + output = torch.Tensor([0]) + if torch.cuda.is_available(): + output = output.cuda() + + if len(model_outputs["boxes"]) == 0: + return output + + for box, label in zip(self.bounding_boxes, self.labels): + box = torch.Tensor(box[None, :]) + if torch.cuda.is_available(): + box = box.cuda() + + ious = torchvision.ops.box_iou(box, model_outputs["boxes"]) + index = ious.argmax() + if ious[0, index] > self.iou_threshold and model_outputs["labels"][index] == label: + score = ious[0, index] + model_outputs["scores"][index] + output = output + score + return output diff --git a/pytorch_grad_cam/utils/reshape_transforms.py b/pytorch_grad_cam/utils/reshape_transforms.py new file mode 100644 index 0000000000000000000000000000000000000000..509f092d123064fcc75e0208cc8453a75f0ef205 --- /dev/null +++ b/pytorch_grad_cam/utils/reshape_transforms.py @@ -0,0 +1,34 @@ +import torch + + +def fasterrcnn_reshape_transform(x): + target_size = x['pool'].size()[-2:] + activations = [] + for key, value in x.items(): + activations.append( + torch.nn.functional.interpolate( + torch.abs(value), + target_size, + mode='bilinear')) + activations = torch.cat(activations, axis=1) + return activations + + +def swinT_reshape_transform(tensor, height=7, width=7): + result = tensor.reshape(tensor.size(0), + height, width, tensor.size(2)) + + # Bring the channels to the first dimension, + # like in CNNs. + result = result.transpose(2, 3).transpose(1, 2) + return result + + +def vit_reshape_transform(tensor, height=14, width=14): + result = tensor[:, 1:, :].reshape(tensor.size(0), + height, width, tensor.size(2)) + + # Bring the channels to the first dimension, + # like in CNNs. + result = result.transpose(2, 3).transpose(1, 2) + return result diff --git a/pytorch_grad_cam/utils/svd_on_activations.py b/pytorch_grad_cam/utils/svd_on_activations.py new file mode 100644 index 0000000000000000000000000000000000000000..a406aeea85617922e67270a70388256ac214e8e2 --- /dev/null +++ b/pytorch_grad_cam/utils/svd_on_activations.py @@ -0,0 +1,19 @@ +import numpy as np + + +def get_2d_projection(activation_batch): + # TBD: use pytorch batch svd implementation + activation_batch[np.isnan(activation_batch)] = 0 + projections = [] + for activations in activation_batch: + reshaped_activations = (activations).reshape( + activations.shape[0], -1).transpose() + # Centering before the SVD seems to be important here, + # Otherwise the image returned is negative + reshaped_activations = reshaped_activations - \ + reshaped_activations.mean(axis=0) + U, S, VT = np.linalg.svd(reshaped_activations, full_matrices=True) + projection = reshaped_activations @ VT[0, :] + projection = projection.reshape(activations.shape[1:]) + projections.append(projection) + return np.float32(projections) diff --git a/pytorch_grad_cam/xgrad_cam.py b/pytorch_grad_cam/xgrad_cam.py new file mode 100644 index 0000000000000000000000000000000000000000..81a920fe8b81bfb7bce9f317edfcc465c9bffd60 --- /dev/null +++ b/pytorch_grad_cam/xgrad_cam.py @@ -0,0 +1,31 @@ +import numpy as np +from pytorch_grad_cam.base_cam import BaseCAM + + +class XGradCAM(BaseCAM): + def __init__( + self, + model, + target_layers, + use_cuda=False, + reshape_transform=None): + super( + XGradCAM, + self).__init__( + model, + target_layers, + use_cuda, + reshape_transform) + + def get_cam_weights(self, + input_tensor, + target_layer, + target_category, + activations, + grads): + sum_activations = np.sum(activations, axis=(2, 3)) + eps = 1e-7 + weights = grads * activations / \ + (sum_activations[:, :, None, None] + eps) + weights = weights.sum(axis=(2, 3)) + return weights diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..be99de0c085d463314119f5dfc5bd367211d0ad7 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,9 @@ +transformers +pydicom==2.4.4 +opencv-python +torch +torchvision +functools +ttach +numpy +gradio \ No newline at end of file